From c1fca65ecb2d6f217f574a481f994f472fb4f588 Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Fri, 4 Feb 2022 18:52:58 -0500 Subject: [PATCH 1/8] add metadata_columns to responsibleai package --- responsibleai/responsibleai/_interfaces.py | 1 + .../responsibleai/managers/causal_manager.py | 9 +- .../managers/counterfactual_manager.py | 14 ++- .../managers/error_analysis_manager.py | 38 +------ .../managers/explainer_manager.py | 35 ++---- .../rai_insights/rai_insights.py | 103 +++++++++++------- 6 files changed, 90 insertions(+), 110 deletions(-) diff --git a/responsibleai/responsibleai/_interfaces.py b/responsibleai/responsibleai/_interfaces.py index ebaa6f865b..3c3d49a123 100644 --- a/responsibleai/responsibleai/_interfaces.py +++ b/responsibleai/responsibleai/_interfaces.py @@ -20,6 +20,7 @@ class Dataset: class_names: List[str] categorical_features: List[str] target_column: str + metadata_columns: List[List] class BoundedCoordinates: diff --git a/responsibleai/responsibleai/managers/causal_manager.py b/responsibleai/responsibleai/managers/causal_manager.py index 7324011d0c..25ab5232a0 100644 --- a/responsibleai/responsibleai/managers/causal_manager.py +++ b/responsibleai/responsibleai/managers/causal_manager.py @@ -25,7 +25,7 @@ class CausalManager(BaseManager): - """Manager for causal analysis.""" + """Manager for generating causal analyses from a dataset.""" def __init__( self, @@ -36,12 +36,13 @@ def __init__( categorical_features: Optional[List[str]] ): """Construct a CausalManager for generating causal analyses - from a dataset. + from a dataset. + :param train: Dataset on which to compute global causal effects - (#samples x #features). + (#samples x #features). :type train: pandas.DataFrame :param test: Dataset on which to compute local causal effects - (#samples x #features). + (#samples x #features). :type test: pandas.DataFrame :param target_column: The name of the label column. :type target_column: str diff --git a/responsibleai/responsibleai/managers/counterfactual_manager.py b/responsibleai/responsibleai/managers/counterfactual_manager.py index 843e13c053..371c873fe8 100644 --- a/responsibleai/responsibleai/managers/counterfactual_manager.py +++ b/responsibleai/responsibleai/managers/counterfactual_manager.py @@ -319,6 +319,9 @@ def load_result(self, data_directory_path): class CounterfactualManager(BaseManager): + """Defines the CounterfactualManager for generating counterfactuals + from a model. + """ _TRAIN = '_train' _TEST = '_test' _MODEL = '_model' @@ -328,9 +331,8 @@ class CounterfactualManager(BaseManager): _COUNTERFACTUAL_CONFIG_LIST = '_counterfactual_config_list' def __init__(self, model, train, test, target_column, task_type, - categorical_features): - """Defines the CounterfactualManager for generating counterfactuals - from a model. + categorical_features, metadata_columns): + """Creates a CounterfactualManager object. :param model: The model to generate counterfactuals from. A model that implements sklearn.predict or sklearn.predict_proba @@ -664,8 +666,10 @@ def _load(path, rai_insights): # Rehydrate model analysis data inst.__dict__[CounterfactualManager._MODEL] = rai_insights.model - inst.__dict__[CounterfactualManager._TRAIN] = rai_insights.train - inst.__dict__[CounterfactualManager._TEST] = rai_insights.test + inst.__dict__[CounterfactualManager._TRAIN] = \ + rai_insights.train.drop(columns=rai_insights.metadata_columns) + inst.__dict__[CounterfactualManager._TEST] = \ + rai_insights.test.drop(columns=rai_insights.metadata_columns) inst.__dict__[CounterfactualManager._TARGET_COLUMN] = \ rai_insights.target_column inst.__dict__[CounterfactualManager._TASK_TYPE] = \ diff --git a/responsibleai/responsibleai/managers/error_analysis_manager.py b/responsibleai/responsibleai/managers/error_analysis_manager.py index 0f7d777312..5cdadbb7fc 100644 --- a/responsibleai/responsibleai/managers/error_analysis_manager.py +++ b/responsibleai/responsibleai/managers/error_analysis_manager.py @@ -81,24 +81,11 @@ def as_error_config(json_dict): class ErrorAnalysisConfig(BaseConfig): - - """Defines the ErrorAnalysisConfig, specifying the parameters to run. - - :param max_depth: The maximum depth of the tree. - :type max_depth: int - :param num_leaves: The number of leaves in the tree. - :type num_leaves: int - :param min_child_samples: The minimal number of data required to - create one leaf. - :type min_child_samples: int - :param filter_features: One or two features to use for the - matrix filter. - :type filter_features: list - """ + """Defines the ErrorAnalysisConfig, specifying the parameters to run.""" def __init__(self, max_depth, num_leaves, min_child_samples, filter_features): - """Defines the ErrorAnalysisConfig, specifying the parameters to run. + """Creates an ErrorAnalysisConfig, specifying the parameters to run. :param max_depth: The maximum depth of the tree. :type max_depth: int @@ -165,28 +152,11 @@ def from_json(json_str): class ErrorAnalysisManager(BaseManager): - - """Defines the ErrorAnalysisManager for discovering errors in a model. - - :param model: The model to analyze errors on. - A model that implements sklearn.predict or sklearn.predict_proba - or function that accepts a 2d ndarray. - :type model: object - :param dataset: The dataset including the label column. - :type dataset: pandas.DataFrame - :param target_column: The name of the label column. - :type target_column: str - :param classes: Class names as a list of strings. - The order of the class names should match that of the model - output. Only required if analyzing a classifier. - :type classes: list - :param categorical_features: The categorical feature names. - :type categorical_features: list[str] - """ + """Defines the ErrorAnalysisManager for discovering errors in a model.""" def __init__(self, model, dataset, target_column, classes=None, categorical_features=None): - """Defines the ErrorAnalysisManager for discovering errors in a model. + """Creates an ErrorAnalysisManager object. :param model: The model to analyze errors on. A model that implements sklearn.predict or sklearn.predict_proba diff --git a/responsibleai/responsibleai/managers/explainer_manager.py b/responsibleai/responsibleai/managers/explainer_manager.py index f3fa04ea45..8907cd8628 100644 --- a/responsibleai/responsibleai/managers/explainer_manager.py +++ b/responsibleai/responsibleai/managers/explainer_manager.py @@ -44,34 +44,11 @@ class ExplainerManager(BaseManager): - - """Defines the ExplainerManager for explaining a model. - - :param model: The model to explain. - A model that implements sklearn.predict or sklearn.predict_proba - or function that accepts a 2d ndarray. - :type model: object - :param initialization_examples: A matrix of feature vector - examples (# examples x # features) for initializing the explainer, - with an additional label column. - :type initialization_examples: pandas.DataFrame - :param evaluation_examples: A matrix of feature vector - examples (# examples x # features) on which to explain the - model's output, with an additional label column. - :type evaluation_examples: pandas.DataFrame - :param target_column: The name of the label column. - :type target_column: str - :param classes: Class names as a list of strings. - The order of the class names should match that of the model - output. Only required if explaining classifier. - :type classes: list - :param categorical_features: The categorical feature names. - :type categorical_features: list[str] - """ + """Defines the ExplainerManager for explaining a model.""" def __init__(self, model, initialization_examples, evaluation_examples, target_column, classes=None, categorical_features=None): - """Defines the ExplainerManager for explaining a model. + """Creates an ExplainerManager object. :param model: The model to explain. A model that implements sklearn.predict or sklearn.predict_proba @@ -365,9 +342,11 @@ def _load(path, rai_insights): inst.__dict__['_' + CLASSES] = rai_insights._classes inst.__dict__['_' + CATEGORICAL_FEATURES] = \ rai_insights.categorical_features - target_column = rai_insights.target_column - train = rai_insights.train.drop(columns=[target_column]) - test = rai_insights.test.drop(columns=[target_column]) + exclude_columns = [rai_insights.target_column] + if rai_insights.metadata_columns: + exclude_columns += rai_insights.metadata_columns + train = rai_insights.train.drop(columns=exclude_columns) + test = rai_insights.test.drop(columns=exclude_columns) inst.__dict__[U_INITIALIZATION_EXAMPLES] = train inst.__dict__[U_EVALUATION_EXAMPLES] = test inst.__dict__['_' + FEATURES] = list(train.columns) diff --git a/responsibleai/responsibleai/rai_insights/rai_insights.py b/responsibleai/responsibleai/rai_insights/rai_insights.py index 948c439fda..b5f1a58887 100644 --- a/responsibleai/responsibleai/rai_insights/rai_insights.py +++ b/responsibleai/responsibleai/rai_insights/rai_insights.py @@ -35,6 +35,7 @@ _CLASSES = 'classes' _MANAGERS = 'managers' _CATEGORICAL_FEATURES = 'categorical_features' +_METADATA_COLUMNS = 'metadata_columns' _META_JSON = Metadata.META_JSON _TRAIN_LABELS = 'train_labels' _JSON_EXTENSION = '.json' @@ -43,44 +44,19 @@ class RAIInsights(object): - """Defines the top-level Model Analysis API. Use RAIInsights to analyze errors, explain the most important features, compute counterfactuals and run causal analysis in a single API. - :param model: The model to compute RAI insights for. - A model that implements sklearn.predict or sklearn.predict_proba - or function that accepts a 2d ndarray. - :type model: object - :param train: The training dataset including the label column. - :type train: pandas.DataFrame - :param test: The test dataset including the label column. - :type test: pandas.DataFrame - :param target_column: The name of the label column. - :type target_column: str - :param task_type: The task to run, can be `classification` or - `regression`. - :type task_type: str - :param categorical_features: The categorical feature names. - :type categorical_features: list[str] - :param classes: The class labels in the training dataset - :type classes: ndarray - :param serializer: Picklable custom serializer with save and load - methods for custom model serialization. - The save method writes the model to file given a parent directory. - The load method returns the deserialized model from the same - parent directory. - :type serializer: object """ def __init__(self, model, train, test, target_column, - task_type, categorical_features=None, classes=None, + task_type, categorical_features=None, + metadata_columns=None, classes=None, serializer=None, maximum_rows_for_test: int = 5000): - """Defines the top-level Model Analysis API. - Use RAIInsights to analyze errors, explain the most important - features, compute counterfactuals and run causal analysis in a - single API. + """Creates an RAIInsights object. + :param model: The model to compute RAI insights for. A model that implements sklearn.predict or sklearn.predict_proba or function that accepts a 2d ndarray. @@ -96,12 +72,17 @@ def __init__(self, model, train, test, target_column, :type task_type: str :param categorical_features: The categorical feature names. :type categorical_features: list[str] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] :param classes: The class labels in the training dataset :type classes: ndarray :param serializer: Picklable custom serializer with save and load - methods defined for model that is not serializable. The save - method returns a dictionary state and load method returns the - model. + methods for custom model serialization. + The save method writes the model to file given a parent directory. + The load method returns the deserialized model from the same + parent directory. :type serializer: object :param maximum_rows_for_test: Limit on size of test data (for performance reasons) @@ -112,6 +93,7 @@ def __init__(self, model, train, test, target_column, model=model, train=train, test=test, target_column=target_column, task_type=task_type, categorical_features=categorical_features, + metadata_columns=metadata_columns, classes=classes, serializer=serializer, maximum_rows_for_test=maximum_rows_for_test) @@ -121,6 +103,7 @@ def __init__(self, model, train, test, target_column, self.target_column = target_column self.task_type = task_type self.categorical_features = categorical_features + self.metadata_columns = metadata_columns self._serializer = serializer self._classes = RAIInsights._get_classes( task_type=self.task_type, @@ -133,7 +116,8 @@ def __init__(self, model, train, test, target_column, train, test, target_column, task_type, categorical_features) self._counterfactual_manager = CounterfactualManager( - model=model, train=train, test=test, + model=model, train=train.drop(columns=self.metadata_columns), + test=test.drop(columns=self.metadata_columns), target_column=target_column, task_type=task_type, categorical_features=categorical_features) @@ -143,7 +127,8 @@ def __init__(self, model, train, test, target_column, categorical_features) self._explainer_manager = ExplainerManager( - model, train, test, + model, train.drop(columns=self.metadata_columns), + test.drop(columns=self.metadata_columns), target_column, self._classes, categorical_features=categorical_features) @@ -168,11 +153,12 @@ def _get_classes(task_type, train, target_column, classes): def _validate_model_analysis_input_parameters( self, model, train, test, target_column, - task_type, categorical_features, classes, + task_type, categorical_features, + metadata_columns, classes, serializer, maximum_rows_for_test: int): """ - Validate the inputs for RAIInsights class. + Validate the inputs for the RAIInsights constructor. :param model: The model to compute RAI insights for. A model that implements sklearn.predict or sklearn.predict_proba @@ -189,6 +175,10 @@ def _validate_model_analysis_input_parameters( :type task_type: str :param categorical_features: The categorical feature names. :type categorical_features: list[str] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] :param classes: The class labels in the training dataset :type classes: ndarray :param serializer: Picklable custom serializer with save and load @@ -287,6 +277,28 @@ def _validate_model_analysis_input_parameters( "Please check your test data.".format(column) ) + if metadata_columns is not None: + if target_column in metadata_columns: + raise UserConfigValidationException( + 'The target column cannot be a metadata column.' + ) + if set(train.columns) - \ + set(metadata_columns + [target_column]) == 0: + raise UserConfigValidationException( + 'All columns marked as metadata or target columns. ' + 'Only columns other than metadata and target columns ' + 'are passed to models or explainers as features. ' + 'Exclude at least one column from metadata and ' + 'target columns.' + ) + + for column_name in metadata_columns: + if column_name not in list(train.columns) or \ + column_name not in list(test.columns): + raise UserConfigValidationException( + 'Column name {0} not present in train/test data' + .format(column_name)) + if classes is not None and task_type == \ ModelTask.CLASSIFICATION: if len(set(train[target_column].unique()) - @@ -356,7 +368,7 @@ def _validate_model_analysis_input_parameters( def _validate_features_same(self, small_train_features_before, small_train_data, function): """ - Validate the features are unmodified on the dataframe. + Validate the features are unmodified on the DataFrame. :param small_train_features_before: The features saved before an operation was performed. @@ -452,12 +464,23 @@ def _get_dataset(self): dashboard_dataset.categorical_features = self.categorical_features dashboard_dataset.class_names = _convert_to_list( self._classes) + dashboard_dataset.metadata_columns = self.metadata_columns + if self.metadata_columns: + metadata = self.test[self.metadata_columns] + try: + list_metadata = _convert_to_list(metadata) + except Exception as ex: + raise ValueError( + "Unsupported dataset type") from ex + dashboard_dataset.metadata = list_metadata predicted_y = None feature_length = None - dataset: pd.DataFrame = self.test.drop( - [self.target_column], axis=1) + exclude_columns = [self.target_column] + if self.metadata_columns: + exclude_columns += self.metadata_columns + dataset: pd.DataFrame = self.test.drop(exclude_columns, axis=1) if isinstance(dataset, pd.DataFrame) and hasattr(dataset, 'columns'): self._dataframeColumns = dataset.columns @@ -607,6 +630,7 @@ def _save_metadata(self, path): _TARGET_COLUMN: self.target_column, _TASK_TYPE: self.task_type, _CATEGORICAL_FEATURES: self.categorical_features, + _METADATA_COLUMNS: self.metadata_columns, _CLASSES: classes } with open(top_dir / _META_JSON, 'w') as file: @@ -698,6 +722,7 @@ def _load_metadata(inst, path): inst.__dict__[_TARGET_COLUMN] = meta[_TARGET_COLUMN] inst.__dict__[_TASK_TYPE] = meta[_TASK_TYPE] inst.__dict__[_CATEGORICAL_FEATURES] = meta[_CATEGORICAL_FEATURES] + inst.__dict__[_METADATA_COLUMNS] = meta[_METADATA_COLUMNS] classes = None if _TRAIN_LABELS in meta: classes = meta[_TRAIN_LABELS] From 954dcd53ac74c7feb494bcfcae5943fe813f003a Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Tue, 8 Feb 2022 20:28:37 -0500 Subject: [PATCH 2/8] adjustments to make e2e flow work --- .../_internal/surrogate_error_tree.py | 10 ++++++- .../erroranalysis/analyzer/error_analyzer.py | 26 +++++++++++++++-- .../managers/counterfactual_manager.py | 2 +- .../managers/error_analysis_manager.py | 8 +++++- .../rai_insights/rai_insights.py | 28 +++++++++++-------- 5 files changed, 58 insertions(+), 16 deletions(-) diff --git a/erroranalysis/erroranalysis/_internal/surrogate_error_tree.py b/erroranalysis/erroranalysis/_internal/surrogate_error_tree.py index c4b19dc550..180ed573a3 100644 --- a/erroranalysis/erroranalysis/_internal/surrogate_error_tree.py +++ b/erroranalysis/erroranalysis/_internal/surrogate_error_tree.py @@ -85,23 +85,31 @@ def compute_error_tree(analyzer, pred_y = filtered_df[PRED_Y] dropped_cols.append(PRED_Y) input_data = filtered_df.drop(columns=dropped_cols) + is_pandas = isinstance(analyzer.dataset, pd.DataFrame) if is_pandas: true_y = true_y.to_numpy() else: input_data = input_data.to_numpy() + if is_model_analyzer: - pred_y = analyzer.model.predict(input_data) + pred_y = analyzer.model.predict( + input_data.drop(columns=analyzer._metadata_columns)) + if analyzer.model_task == ModelTask.CLASSIFICATION: diff = pred_y != true_y else: diff = pred_y - true_y + if not isinstance(diff, np.ndarray): diff = np.array(diff) + if not isinstance(pred_y, np.ndarray): pred_y = np.array(pred_y) + if not isinstance(true_y, np.ndarray): true_y = np.array(true_y) + indexes = [] for feature in features: indexes.append(analyzer.feature_names.index(feature)) diff --git a/erroranalysis/erroranalysis/analyzer/error_analyzer.py b/erroranalysis/erroranalysis/analyzer/error_analyzer.py index cfc7f70675..36ac52ce7d 100644 --- a/erroranalysis/erroranalysis/analyzer/error_analyzer.py +++ b/erroranalysis/erroranalysis/analyzer/error_analyzer.py @@ -40,6 +40,10 @@ class BaseAnalyzer(ABC): :type feature_names: numpy.array or list[] :param categorical_features: The categorical feature names. :type categorical_features: list[str] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] :param model_task: Optional parameter to specify whether the model is a classification or regression model. In most cases, the type of the model can be inferred based on the shape of the @@ -68,12 +72,14 @@ def __init__(self, true_y, feature_names, categorical_features, + metadata_columns, model_task, metric, classes): self._dataset = self._make_pandas_copy(dataset) self._true_y = true_y self._categorical_features = categorical_features + self._metadata_columns = metadata_columns if isinstance(feature_names, np.ndarray): feature_names = feature_names.tolist() self._feature_names = feature_names @@ -445,6 +451,10 @@ class and for the regression case a method of predict() :type feature_names: numpy.array or list[] :param categorical_features: The categorical feature names. :type categorical_features: list[str] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] :param model_task: Optional parameter to specify whether the model is a classification or regression model. In most cases, the type of the model can be inferred based on the shape of the @@ -474,6 +484,7 @@ def __init__(self, true_y, feature_names, categorical_features, + metadata_columns=None, model_task=ModelTask.UNKNOWN, metric=None, classes=None): @@ -489,6 +500,7 @@ def __init__(self, true_y, feature_names, categorical_features, + metadata_columns, model_task, metric, classes) @@ -520,9 +532,13 @@ def get_diff(self): :rtype: numpy.array """ if self._model_task == ModelTask.CLASSIFICATION: - return self.model.predict(self.dataset) != self.true_y + return self.model.predict( + self.dataset.drop(columns=self._metadata_columns)) \ + != self.true_y else: - return self.model.predict(self.dataset) - self.true_y + return self.model.predict( + self.dataset.drop(columns=self._metadata_columns)) \ + - self.true_y class PredictionsAnalyzer(BaseAnalyzer): @@ -543,6 +559,10 @@ class PredictionsAnalyzer(BaseAnalyzer): :type feature_names: numpy.array or list[] :param categorical_features: The categorical feature names. :type categorical_features: list[str] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] :param model_task: Optional parameter to specify whether the model is a classification or regression model. In most cases, the type of the model can be inferred based on the shape of the @@ -572,6 +592,7 @@ def __init__(self, true_y, feature_names, categorical_features, + metadata_columns, model_task=ModelTask.CLASSIFICATION, metric=None, classes=None): @@ -583,6 +604,7 @@ def __init__(self, true_y, feature_names, categorical_features, + metadata_columns, model_task, metric, classes) diff --git a/responsibleai/responsibleai/managers/counterfactual_manager.py b/responsibleai/responsibleai/managers/counterfactual_manager.py index 371c873fe8..557ac04ade 100644 --- a/responsibleai/responsibleai/managers/counterfactual_manager.py +++ b/responsibleai/responsibleai/managers/counterfactual_manager.py @@ -331,7 +331,7 @@ class CounterfactualManager(BaseManager): _COUNTERFACTUAL_CONFIG_LIST = '_counterfactual_config_list' def __init__(self, model, train, test, target_column, task_type, - categorical_features, metadata_columns): + categorical_features): """Creates a CounterfactualManager object. :param model: The model to generate counterfactuals from. diff --git a/responsibleai/responsibleai/managers/error_analysis_manager.py b/responsibleai/responsibleai/managers/error_analysis_manager.py index 5cdadbb7fc..2e4815b9dd 100644 --- a/responsibleai/responsibleai/managers/error_analysis_manager.py +++ b/responsibleai/responsibleai/managers/error_analysis_manager.py @@ -155,7 +155,7 @@ class ErrorAnalysisManager(BaseManager): """Defines the ErrorAnalysisManager for discovering errors in a model.""" def __init__(self, model, dataset, target_column, classes=None, - categorical_features=None): + categorical_features=None, metadata_columns=None): """Creates an ErrorAnalysisManager object. :param model: The model to analyze errors on. @@ -172,12 +172,17 @@ def __init__(self, model, dataset, target_column, classes=None, :type classes: list :param categorical_features: The categorical feature names. :type categorical_features: list[str] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] """ self._true_y = dataset[target_column] self._dataset = dataset.drop(columns=[target_column]) self._feature_names = list(self._dataset.columns) self._classes = classes self._categorical_features = categorical_features + self._metadata_columns = metadata_columns self._ea_config_list = [] self._ea_report_list = [] self._analyzer = ModelAnalyzer(model, @@ -185,6 +190,7 @@ def __init__(self, model, dataset, target_column, classes=None, self._true_y, self._feature_names, self._categorical_features, + self._metadata_columns, classes=self._classes) def add(self, max_depth=3, num_leaves=31, diff --git a/responsibleai/responsibleai/rai_insights/rai_insights.py b/responsibleai/responsibleai/rai_insights/rai_insights.py index b5f1a58887..4201aec5cb 100644 --- a/responsibleai/responsibleai/rai_insights/rai_insights.py +++ b/responsibleai/responsibleai/rai_insights/rai_insights.py @@ -104,6 +104,9 @@ def __init__(self, model, train, test, target_column, self.task_type = task_type self.categorical_features = categorical_features self.metadata_columns = metadata_columns + exclude_columns = [] + if metadata_columns: + exclude_columns = metadata_columns self._serializer = serializer self._classes = RAIInsights._get_classes( task_type=self.task_type, @@ -116,19 +119,19 @@ def __init__(self, model, train, test, target_column, train, test, target_column, task_type, categorical_features) self._counterfactual_manager = CounterfactualManager( - model=model, train=train.drop(columns=self.metadata_columns), - test=test.drop(columns=self.metadata_columns), + model=model, train=train.drop(columns=exclude_columns), + test=test.drop(columns=exclude_columns), target_column=target_column, task_type=task_type, categorical_features=categorical_features) self._error_analysis_manager = ErrorAnalysisManager( model, test, target_column, self._classes, - categorical_features) + categorical_features, metadata_columns) self._explainer_manager = ExplainerManager( - model, train.drop(columns=self.metadata_columns), - test.drop(columns=self.metadata_columns), + model, train.drop(columns=exclude_columns), + test.drop(columns=exclude_columns), target_column, self._classes, categorical_features=categorical_features) @@ -480,7 +483,10 @@ def _get_dataset(self): exclude_columns = [self.target_column] if self.metadata_columns: exclude_columns += self.metadata_columns - dataset: pd.DataFrame = self.test.drop(exclude_columns, axis=1) + dataset: pd.DataFrame = \ + self.test.drop(columns=[self.target_column], axis=1) + dataset_features_only: pd.DataFrame = \ + self.test.drop(columns=exclude_columns, axis=1) if isinstance(dataset, pd.DataFrame) and hasattr(dataset, 'columns'): self._dataframeColumns = dataset.columns @@ -489,9 +495,9 @@ def _get_dataset(self): except Exception as ex: raise ValueError( "Unsupported dataset type") from ex - if dataset is not None and self.model is not None: + if dataset_features_only is not None and self.model is not None: try: - predicted_y = self.model.predict(dataset) + predicted_y = self.model.predict(dataset_features_only) except Exception as ex: msg = "Model does not support predict method for given" "dataset type" @@ -515,7 +521,7 @@ def _get_dataset(self): raise ValueError( "Exceeds maximum number of rows" "for visualization (100000)") - if feature_length > 1000: + if feature_length - len(self.metadata_columns or []) > 1000: raise ValueError("Exceeds maximum number of features for" " visualization (1000). Please regenerate the" " explanation using fewer features or" @@ -542,9 +548,9 @@ def _get_dataset(self): " from local explanations dimension") dashboard_dataset.feature_names = features dashboard_dataset.target_column = self.target_column - if _is_classifier(self.model) and dataset is not None: + if _is_classifier(self.model) and dataset_features_only is not None: try: - probability_y = self.model.predict_proba(dataset) + probability_y = self.model.predict_proba(dataset_features_only) except Exception as ex: raise ValueError("Model does not support predict_proba method" " for given dataset type,") from ex From 4c70aed45829cd1912e3b1672c23a25642c59d6f Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Wed, 9 Feb 2022 21:24:13 -0500 Subject: [PATCH 3/8] use views instead of drop --- .../managers/error_analysis_manager.py | 2 +- .../rai_insights/rai_insights.py | 42 +++++++++---------- 2 files changed, 21 insertions(+), 23 deletions(-) diff --git a/responsibleai/responsibleai/managers/error_analysis_manager.py b/responsibleai/responsibleai/managers/error_analysis_manager.py index 2e4815b9dd..6abe2fc487 100644 --- a/responsibleai/responsibleai/managers/error_analysis_manager.py +++ b/responsibleai/responsibleai/managers/error_analysis_manager.py @@ -182,7 +182,7 @@ def __init__(self, model, dataset, target_column, classes=None, self._feature_names = list(self._dataset.columns) self._classes = classes self._categorical_features = categorical_features - self._metadata_columns = metadata_columns + self._metadata_columns = metadata_columns or [] self._ea_config_list = [] self._ea_report_list = [] self._analyzer = ModelAnalyzer(model, diff --git a/responsibleai/responsibleai/rai_insights/rai_insights.py b/responsibleai/responsibleai/rai_insights/rai_insights.py index 4201aec5cb..02c40c33cc 100644 --- a/responsibleai/responsibleai/rai_insights/rai_insights.py +++ b/responsibleai/responsibleai/rai_insights/rai_insights.py @@ -103,10 +103,11 @@ def __init__(self, model, train, test, target_column, self.target_column = target_column self.task_type = task_type self.categorical_features = categorical_features - self.metadata_columns = metadata_columns - exclude_columns = [] - if metadata_columns: - exclude_columns = metadata_columns + self.metadata_columns = metadata_columns or [] + columns_no_metadata = list(set(self.train.columns) \ + - set(self.metadata_columns)) + categorical_no_metadata = list(set(categorical_features or []) \ + - set(self.metadata_columns)) self._serializer = serializer self._classes = RAIInsights._get_classes( task_type=self.task_type, @@ -119,10 +120,10 @@ def __init__(self, model, train, test, target_column, train, test, target_column, task_type, categorical_features) self._counterfactual_manager = CounterfactualManager( - model=model, train=train.drop(columns=exclude_columns), - test=test.drop(columns=exclude_columns), + model=model, train=train[columns_no_metadata], + test=test[columns_no_metadata], target_column=target_column, task_type=task_type, - categorical_features=categorical_features) + categorical_features=categorical_no_metadata) self._error_analysis_manager = ErrorAnalysisManager( model, test, target_column, @@ -130,11 +131,11 @@ def __init__(self, model, train, test, target_column, categorical_features, metadata_columns) self._explainer_manager = ExplainerManager( - model, train.drop(columns=exclude_columns), - test.drop(columns=exclude_columns), + model, train[columns_no_metadata], + test[columns_no_metadata], target_column, self._classes, - categorical_features=categorical_features) + categorical_features=categorical_no_metadata) self._managers = [self._causal_manager, self._counterfactual_manager, @@ -467,7 +468,7 @@ def _get_dataset(self): dashboard_dataset.categorical_features = self.categorical_features dashboard_dataset.class_names = _convert_to_list( self._classes) - dashboard_dataset.metadata_columns = self.metadata_columns + dashboard_dataset.metadata_columns = self.metadata_columns or [] if self.metadata_columns: metadata = self.test[self.metadata_columns] try: @@ -480,14 +481,11 @@ def _get_dataset(self): predicted_y = None feature_length = None - exclude_columns = [self.target_column] - if self.metadata_columns: - exclude_columns += self.metadata_columns + data_columns = list(set(self.test.columns) - {self.target_column}) dataset: pd.DataFrame = \ - self.test.drop(columns=[self.target_column], axis=1) + self.test[data_columns + dashboard_dataset.metadata_columns] dataset_features_only: pd.DataFrame = \ - self.test.drop(columns=exclude_columns, axis=1) - + self.test[data_columns] if isinstance(dataset, pd.DataFrame) and hasattr(dataset, 'columns'): self._dataframeColumns = dataset.columns try: @@ -585,17 +583,17 @@ def _save_predictions(self, path): if self.model is None: return - test_without_target_column = self.test.drop( - [self.target_column], axis=1) + data_columns = list(set(self.test.columns) \ + - {self.target_column} - set(self.metadata_columns)) + test_data = self.test[data_columns] - predict_output = self.model.predict(test_without_target_column) + predict_output = self.model.predict(test_data) self._write_to_file( prediction_output_path / (_PREDICT + _JSON_EXTENSION), json.dumps(predict_output.tolist())) if hasattr(self.model, SKLearn.PREDICT_PROBA): - predict_proba_output = self.model.predict_proba( - test_without_target_column) + predict_proba_output = self.model.predict_proba(test_data) self._write_to_file( prediction_output_path / (_PREDICT_PROBA + _JSON_EXTENSION), json.dumps(predict_proba_output.tolist())) From 313f3098eaa3213e8dc6f86cb756940f9a5c1518 Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Wed, 9 Feb 2022 22:29:23 -0500 Subject: [PATCH 4/8] flake8 --- .../responsibleai/rai_insights/rai_insights.py | 13 +++++++------ 1 file changed, 7 insertions(+), 6 deletions(-) diff --git a/responsibleai/responsibleai/rai_insights/rai_insights.py b/responsibleai/responsibleai/rai_insights/rai_insights.py index d25b318a33..ddde4a15f3 100644 --- a/responsibleai/responsibleai/rai_insights/rai_insights.py +++ b/responsibleai/responsibleai/rai_insights/rai_insights.py @@ -104,10 +104,10 @@ def __init__(self, model, train, test, target_column, self.task_type = task_type self.categorical_features = categorical_features self.metadata_columns = metadata_columns or [] - columns_no_metadata = list(set(self.train.columns) \ - - set(self.metadata_columns)) - categorical_no_metadata = list(set(categorical_features or []) \ - - set(self.metadata_columns)) + columns_no_metadata = list(set(self.train.columns) - + set(self.metadata_columns)) + categorical_no_metadata = list(set(categorical_features or []) - + set(self.metadata_columns)) self._serializer = serializer self._classes = RAIInsights._get_classes( task_type=self.task_type, @@ -583,8 +583,9 @@ def _save_predictions(self, path): if self.model is None: return - data_columns = list(set(self.test.columns) \ - - {self.target_column} - set(self.metadata_columns)) + data_columns = list(set(self.test.columns) - + {self.target_column} - + set(self.metadata_columns)) test_data = self.test[data_columns] predict_output = self.model.predict(test_data) From fe2612bade85bb5fbd4f84a350a62ae84c395ad2 Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Thu, 10 Feb 2022 17:00:37 -0500 Subject: [PATCH 5/8] extend docstring description of metadata_columns --- .../responsibleai/managers/error_analysis_manager.py | 4 ++-- responsibleai/responsibleai/rai_insights/rai_insights.py | 8 ++++---- 2 files changed, 6 insertions(+), 6 deletions(-) diff --git a/responsibleai/responsibleai/managers/error_analysis_manager.py b/responsibleai/responsibleai/managers/error_analysis_manager.py index 6abe2fc487..d160e16444 100644 --- a/responsibleai/responsibleai/managers/error_analysis_manager.py +++ b/responsibleai/responsibleai/managers/error_analysis_manager.py @@ -173,8 +173,8 @@ def __init__(self, model, dataset, target_column, classes=None, :param categorical_features: The categorical feature names. :type categorical_features: list[str] :param metadata_columns: The set of columns that are not passed - to the model or explainers. These columns can be used for - other analyses. + to the model or explainers. However, these columns can be used for + other analyses such as disaggregated analysis or error analysis. :type metadata_columns: list[str] """ self._true_y = dataset[target_column] diff --git a/responsibleai/responsibleai/rai_insights/rai_insights.py b/responsibleai/responsibleai/rai_insights/rai_insights.py index ddde4a15f3..17f99679e3 100644 --- a/responsibleai/responsibleai/rai_insights/rai_insights.py +++ b/responsibleai/responsibleai/rai_insights/rai_insights.py @@ -73,8 +73,8 @@ def __init__(self, model, train, test, target_column, :param categorical_features: The categorical feature names. :type categorical_features: list[str] :param metadata_columns: The set of columns that are not passed - to the model or explainers. These columns can be used for - other analyses. + to the model or explainers. However, these columns can be used for + other analyses such as disaggregated analysis or error analysis. :type metadata_columns: list[str] :param classes: The class labels in the training dataset :type classes: ndarray @@ -180,8 +180,8 @@ def _validate_model_analysis_input_parameters( :param categorical_features: The categorical feature names. :type categorical_features: list[str] :param metadata_columns: The set of columns that are not passed - to the model or explainers. These columns can be used for - other analyses. + to the model or explainers. However, these columns can be used for + other analyses such as disaggregated analysis or error analysis. :type metadata_columns: list[str] :param classes: The class labels in the training dataset :type classes: ndarray From df8f69d90427421528cbb7b860fe854693d726b5 Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Thu, 10 Feb 2022 17:16:54 -0500 Subject: [PATCH 6/8] put metadata_columns last in the arg list, add type annotation --- .../erroranalysis/analyzer/error_analyzer.py | 36 +++++++++---------- .../rai_insights/rai_insights.py | 29 +++++++-------- 2 files changed, 33 insertions(+), 32 deletions(-) diff --git a/erroranalysis/erroranalysis/analyzer/error_analyzer.py b/erroranalysis/erroranalysis/analyzer/error_analyzer.py index 4d3a73be4f..0b63921629 100644 --- a/erroranalysis/erroranalysis/analyzer/error_analyzer.py +++ b/erroranalysis/erroranalysis/analyzer/error_analyzer.py @@ -40,10 +40,6 @@ class BaseAnalyzer(ABC): :type feature_names: numpy.ndarray or list[] :param categorical_features: The categorical feature names. :type categorical_features: list[str] - :param metadata_columns: The set of columns that are not passed - to the model or explainers. These columns can be used for - other analyses. - :type metadata_columns: list[str] :param model_task: Optional parameter to specify whether the model is a classification or regression model. In most cases, the type of the model can be inferred based on the shape of the @@ -66,16 +62,20 @@ class BaseAnalyzer(ABC): :type metric: str :param classes: The class names. :type classes: numpy.ndarray or list[] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] """ def __init__(self, dataset, true_y, feature_names, categorical_features, - metadata_columns, model_task, metric, - classes): + classes, + metadata_columns: Optional[List[str]]): self._dataset = self._make_pandas_copy(dataset) self._true_y = true_y self._categorical_features = categorical_features @@ -451,10 +451,6 @@ class and for the regression case a method of predict() :type feature_names: numpy.ndarray or list[] :param categorical_features: The categorical feature names. :type categorical_features: list[str] - :param metadata_columns: The set of columns that are not passed - to the model or explainers. These columns can be used for - other analyses. - :type metadata_columns: list[str] :param model_task: Optional parameter to specify whether the model is a classification or regression model. In most cases, the type of the model can be inferred based on the shape of the @@ -477,6 +473,10 @@ class and for the regression case a method of predict() :type metric: str :param classes: The class names. :type classes: numpy.ndarray or list[] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] """ def __init__(self, model, @@ -484,10 +484,10 @@ def __init__(self, true_y, feature_names, categorical_features, - metadata_columns=None, model_task=ModelTask.UNKNOWN, metric=None, - classes=None): + classes=None, + metadata_columns: Optional[List[str]] = None): self._model = model if model_task == ModelTask.UNKNOWN: # Try to automatically infer the model task @@ -559,10 +559,6 @@ class PredictionsAnalyzer(BaseAnalyzer): :type feature_names: numpy.ndarray or list[] :param categorical_features: The categorical feature names. :type categorical_features: list[str] - :param metadata_columns: The set of columns that are not passed - to the model or explainers. These columns can be used for - other analyses. - :type metadata_columns: list[str] :param model_task: Optional parameter to specify whether the model is a classification or regression model. In most cases, the type of the model can be inferred based on the shape of the @@ -585,6 +581,10 @@ class PredictionsAnalyzer(BaseAnalyzer): :type metric: str :param classes: The class names. :type classes: numpy.ndarray or list[] + :param metadata_columns: The set of columns that are not passed + to the model or explainers. These columns can be used for + other analyses. + :type metadata_columns: list[str] """ def __init__(self, pred_y, @@ -592,10 +592,10 @@ def __init__(self, true_y, feature_names, categorical_features, - metadata_columns, model_task=ModelTask.CLASSIFICATION, metric=None, - classes=None): + classes=None, + metadata_columns: Optional[List[str]] = None): self._pred_y = pred_y if model_task == ModelTask.UNKNOWN: raise ValueError( diff --git a/responsibleai/responsibleai/rai_insights/rai_insights.py b/responsibleai/responsibleai/rai_insights/rai_insights.py index 17f99679e3..9aa873e1b7 100644 --- a/responsibleai/responsibleai/rai_insights/rai_insights.py +++ b/responsibleai/responsibleai/rai_insights/rai_insights.py @@ -7,6 +7,7 @@ import pickle import warnings from pathlib import Path +from typing import List, Optional, Union import numpy as np import pandas as pd @@ -52,9 +53,9 @@ class RAIInsights(object): def __init__(self, model, train, test, target_column, task_type, categorical_features=None, - metadata_columns=None, classes=None, - serializer=None, - maximum_rows_for_test: int = 5000): + classes=None, serializer=None, + maximum_rows_for_test: int = 5000, + metadata_columns: Optional[List[str]] = None): """Creates an RAIInsights object. :param model: The model to compute RAI insights for. @@ -72,10 +73,6 @@ def __init__(self, model, train, test, target_column, :type task_type: str :param categorical_features: The categorical feature names. :type categorical_features: list[str] - :param metadata_columns: The set of columns that are not passed - to the model or explainers. However, these columns can be used for - other analyses such as disaggregated analysis or error analysis. - :type metadata_columns: list[str] :param classes: The class labels in the training dataset :type classes: ndarray :param serializer: Picklable custom serializer with save and load @@ -87,6 +84,10 @@ def __init__(self, model, train, test, target_column, :param maximum_rows_for_test: Limit on size of test data (for performance reasons) :type maximum_rows_for_test: int + :param metadata_columns: The set of columns that are not passed + to the model or explainers. However, these columns can be used for + other analyses such as disaggregated analysis or error analysis. + :type metadata_columns: list[str] """ categorical_features = categorical_features or [] self._validate_model_analysis_input_parameters( @@ -158,9 +159,9 @@ def _get_classes(task_type, train, target_column, classes): def _validate_model_analysis_input_parameters( self, model, train, test, target_column, task_type, categorical_features, - metadata_columns, classes, - serializer, - maximum_rows_for_test: int): + classes, serializer, + maximum_rows_for_test: int, + metadata_columns: Union[List[str], None]): """ Validate the inputs for the RAIInsights constructor. @@ -179,10 +180,6 @@ def _validate_model_analysis_input_parameters( :type task_type: str :param categorical_features: The categorical feature names. :type categorical_features: list[str] - :param metadata_columns: The set of columns that are not passed - to the model or explainers. However, these columns can be used for - other analyses such as disaggregated analysis or error analysis. - :type metadata_columns: list[str] :param classes: The class labels in the training dataset :type classes: ndarray :param serializer: Picklable custom serializer with save and load @@ -193,6 +190,10 @@ def _validate_model_analysis_input_parameters( :param maximum_rows_for_test: Limit on size of test data (for performance reasons) :type maximum_rows_for_test: int + :param metadata_columns: The set of columns that are not passed + to the model or explainers. However, these columns can be used for + other analyses such as disaggregated analysis or error analysis. + :type metadata_columns: list[str] """ valid_tasks = [ From a45430a97a6f9f51ca2f96e77ba7908fcc229bea Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Thu, 10 Feb 2022 17:21:27 -0500 Subject: [PATCH 7/8] fix type of metadata_columns on _interfaces.py --- adult-test.csv | 16282 ++++++++ adult-train.csv | 32562 ++++++++++++++++ apartments-train.csv | 1461 + face_verify_sample_rand_data.csv | 4001 ++ .../responsibleaidashboard/adult-test.csv | 16282 ++++++++ .../responsibleaidashboard/adult-train.csv | 32562 ++++++++++++++++ .../apartments-train.csv | 1461 + .../face_verify_sample_rand_data.csv | 4001 ++ notebooks/responsibleaidashboard/notebook.py | 245 + ...ensus-classification-model-debugging.ipynb | 185 +- .../stt_testing_data.csv | 4277 ++ responsibleai/responsibleai/_interfaces.py | 2 +- stt_testing_data.csv | 4277 ++ 13 files changed, 117581 insertions(+), 17 deletions(-) create mode 100644 adult-test.csv create mode 100644 adult-train.csv create mode 100644 apartments-train.csv create mode 100644 face_verify_sample_rand_data.csv create mode 100644 notebooks/responsibleaidashboard/adult-test.csv create mode 100644 notebooks/responsibleaidashboard/adult-train.csv create mode 100644 notebooks/responsibleaidashboard/apartments-train.csv create mode 100644 notebooks/responsibleaidashboard/face_verify_sample_rand_data.csv create mode 100644 notebooks/responsibleaidashboard/notebook.py create mode 100644 notebooks/responsibleaidashboard/stt_testing_data.csv create mode 100644 stt_testing_data.csv diff --git a/adult-test.csv b/adult-test.csv new file mode 100644 index 0000000000..a2227227a5 --- /dev/null +++ b/adult-test.csv @@ -0,0 +1,16282 @@ +income,age,workclass,fnlwgt,education,education-num,marital-status,occupation,relationship,race,gender,capital-gain,capital-loss,hours-per-week,native-country +<=50K,25, Private,226802, 11th,7, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Private,89814, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,28, Local-gov,336951, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,44, Private,160323, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7688,0,40, United-States +<=50K,18, ?,103497, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,34, Private,198693, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, ?,227026, HS-grad,9, Never-married, ?, Unmarried, Black, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,104626, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,32, United-States +<=50K,24, Private,369667, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Private,104996, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +>50K,65, Private,184454, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6418,0,40, United-States +<=50K,36, Federal-gov,212465, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,82091, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,58, ?,299831, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,48, Private,279724, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,48, United-States +>50K,43, Private,346189, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, State-gov,444554, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,43, Private,128354, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,37, Private,60548, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +>50K,40, Private,85019, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, ? +>50K,34, Private,107914, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,47, United-States +<=50K,34, Private,238588, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,35, United-States +<=50K,72, ?,132015, 7th-8th,4, Divorced, ?, Not-in-family, White, Female,0,0,6, United-States +<=50K,25, Private,220931, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, Peru +<=50K,25, Private,205947, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,432824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,90, United-States +<=50K,22, Private,236427, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,134446, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,54, United-States +<=50K,54, Private,99516, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,32, Self-emp-not-inc,109282, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,46, State-gov,106444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,38, United-States +<=50K,56, Self-emp-not-inc,186651, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,24, Self-emp-not-inc,188274, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Local-gov,258120, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,43311, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,65, ?,191846, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,403681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,248446, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Male,0,0,50, Guatemala +<=50K,17, Private,269430, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,257509, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,65, Private,136384, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,120277, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,465326, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,103634, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,138371, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,32, United-States +>50K,28, Private,242832, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,39, Private,290208, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,54, Private,186272, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,50, United-States +<=50K,52, Private,201062, 11th,7, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,18, United-States +<=50K,56, Self-emp-inc,131916, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, Private,54440, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,280215, HS-grad,9, Divorced, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,214399, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,1721,24, United-States +>50K,22, Private,54164, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,14084,0,60, United-States +<=50K,38, Private,219446, 9th,5, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,54, Mexico +<=50K,21, Private,110677, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,63, Private,145985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Local-gov,382078, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +>50K,42, Self-emp-inc,170721, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,33, Private,269705, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,101135, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,118429, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,31208, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,281384, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,47, Local-gov,171807, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,109912, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, ? +>50K,41, Self-emp-inc,445382, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, United-States +<=50K,19, Private,105460, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,46, Private,170338, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,102606, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,55, Private,323887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,46, Private,175622, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,229636, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,388946, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,269034, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,17, ?,165361, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,75012, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,69, Self-emp-inc,174379, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,50, Private,312477, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,72055, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,67001, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,213734, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,83141, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,1876,40, United-States +>50K,44, Self-emp-inc,223881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,50, ? +<=50K,31, Self-emp-not-inc,113752, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,170482, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,44, United-States +<=50K,20, Federal-gov,244689, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,55, Private,160631, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,56, United-States +<=50K,24, Federal-gov,228724, Some-college,10, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,40, United-States +>50K,41, ?,38434, Masters,14, Married-civ-spouse, ?, Wife, White, Female,7688,0,10, United-States +<=50K,59, Private,292946, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,49, Federal-gov,77443, 7th-8th,4, Never-married, Other-service, Not-in-family, Black, Male,0,0,20, United-States +>50K,33, Private,176410, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,10, United-States +<=50K,59, Federal-gov,98984, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,198751, Masters,14, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,479296, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,235218, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,164877, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,59, Private,272087, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,169699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, ?,189762, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,18, United-States +<=50K,33, Private,202191, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,22, Private,212261, Some-college,10, Never-married, Transport-moving, Own-child, Black, Male,0,0,39, United-States +<=50K,58, Self-emp-not-inc,301568, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Local-gov,155233, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,28, United-States +<=50K,36, Private,75826, 10th,6, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,201520, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,154236, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,2597,0,40, United-States +<=50K,19, Private,289227, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,16, United-States +<=50K,18, Private,217439, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,18, Private,179020, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,48, United-States +<=50K,28, Private,149624, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,29, Private,337266, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,30796, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,103541, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,206721, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,46, Private,96773, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,200967, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,44, Private,180019, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,179866, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Local-gov,198770, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,18, Private,219256, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,19, Private,248730, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +<=50K,41, Private,110732, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,181020, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Private,183791, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,48, Federal-gov,42972, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,134813, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,115438, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, Ireland +>50K,41, Private,239296, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,50, United-States +<=50K,41, Private,428420, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,247846, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,334105, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,100793, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,41, United-States +<=50K,57, Private,244478, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,48, United-States +<=50K,30, Private,142921, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,182863, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,171128, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,145402, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,306309, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,83822, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,262118, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,22, Germany +>50K,40, Private,155972, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +>50K,43, Self-emp-inc,214503, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +<=50K,34, Private,159303, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,47, Self-emp-not-inc,174995, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,44, Private,26669, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +>50K,33, Private,177727, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,55, Private,124771, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,19, Private,456736, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,2907,0,30, United-States +<=50K,28, Private,216604, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,14, United-States +<=50K,27, Private,221561, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,32, United-States +<=50K,50, Private,114564, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,22, Private,315476, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,40, State-gov,67874, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,45, United-States +<=50K,25, Private,126110, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Local-gov,102264, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,537222, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,42, Private,113732, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,625,40, United-States +<=50K,38, Self-emp-inc,93225, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,43064, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,136921, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,388885, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,142249, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,46, State-gov,56841, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,156493, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,159021, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +<=50K,42, Private,190910, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,41879, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,25, United-States +<=50K,58, Local-gov,137249, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,33, United-States +>50K,54, Private,236157, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,34, Private,189759, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,239877, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,21175, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,48, Local-gov,67229, Masters,14, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,236391, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,325596, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,83411, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,37, United-States +>50K,33, Self-emp-inc,154227, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,37, Private,248010, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,34, Private,198613, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,4650,0,40, United-States +>50K,56, Self-emp-inc,321529, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,28, ?,168524, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,38, United-States +<=50K,37, Private,203079, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,44, Private,284652, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,64, ?,201368, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,54, Private,59840, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,52753, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, State-gov,513100, Bachelors,13, Married-spouse-absent, Farming-fishing, Not-in-family, Black, Male,0,0,40, ? +<=50K,22, Private,199266, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,196385, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,39, Private,163205, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,411047, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,79, ?,48574, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,209440, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,55, United-States +<=50K,31, Private,56964, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,299197, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Self-emp-inc,240628, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,19, Private,355313, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,132267, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,174861, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-inc,142443, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,26716, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Local-gov,185588, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,175029, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,34848, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,45, Private,411273, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,73, Local-gov,143437, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,34, Private,357145, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,31, Private,236861, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,53355, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,12, United-States +<=50K,25, Private,29106, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,38, Federal-gov,213274, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Female,6497,0,40, United-States +<=50K,39, Private,22463, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,180497, Bachelors,13, Never-married, Tech-support, Own-child, Black, Female,0,0,32, United-States +<=50K,49, Private,37306, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Federal-gov,137814, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,21, Private,447488, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,38, Mexico +<=50K,31, Private,220915, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,42251, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, Private,162312, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,25, Private,77698, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,39, Private,282951, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,311259, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,63, Local-gov,65479, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +<=50K,41, Private,277256, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,312088, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,38, United-States +<=50K,53, Local-gov,169719, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,270276, 9th,5, Separated, ?, Not-in-family, White, Female,1055,0,40, United-States +<=50K,77, ?,172744, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,96869, 12th,8, Never-married, Priv-house-serv, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,237943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,119751, Masters,14, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,50, Thailand +>50K,34, Private,236861, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,201092, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,34, Private,147215, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,60, United-States +<=50K,52, Private,152373, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,42, Private,227968, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,28, Haiti +<=50K,26, Private,362617, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,103435, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,281412, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,55, Self-emp-not-inc,105239, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2057,60, United-States +<=50K,19, Private,230165, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,62, Self-emp-not-inc,177493, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +<=50K,22, Federal-gov,104443, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,39, ?,110342, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,50, United-States +<=50K,35, Private,143385, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,107189, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,212944, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,44, State-gov,138634, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,99970, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,35, Private,203717, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,24, Private,313956, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,177937, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,28, Private,193868, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,250939, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,35, United-States +<=50K,62, Federal-gov,57629, Some-college,10, Divorced, Tech-support, Not-in-family, Black, Male,4650,0,40, United-States +<=50K,39, Private,281768, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, State-gov,260782, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,243769, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,1429,20, United-States +<=50K,50, Private,109937, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,28, Local-gov,134890, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,100293, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,132179, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,116372, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,255412, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103,0,40, United-States +<=50K,61, ?,195789, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,342400, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,21, ?,65481, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,169085, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,177221, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +>50K,58, Private,65325, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,64, Private,118944, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,46, State-gov,149337, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +>50K,53, ?,237868, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,106183, HS-grad,9, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,42, Private,226388, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,52, United-States +<=50K,18, Private,220754, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +>50K,58, Self-emp-inc,204021, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,347391, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,60, United-States +>50K,35, Federal-gov,413930, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,174201, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,23, Private,145917, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,25, United-States +<=50K,31, Private,241797, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,265168, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,55, United-States +<=50K,41, Private,171234, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,22, Private,178452, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,46, Private,157857, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,512864, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,296462, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,42, Private,171615, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,63, Private,214071, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,172421, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,195488, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,316841, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,236267, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,1590,40, United-States +>50K,30, Private,236543, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, El-Salvador +<=50K,23, Private,318483, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,163756, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,27828,0,60, United-States +<=50K,30, Private,238186, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,2057,48, United-States +>50K,39, Private,329980, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,169269, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,1721,38, Puerto-Rico +<=50K,38, Local-gov,34744, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,26, Private,98114, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,109667, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,37, Local-gov,263690, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Male,0,0,40, ? +<=50K,33, Private,147430, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,224238, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,212894, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Self-emp-not-inc,136708, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3103,0,84, Vietnam +>50K,56, Local-gov,38573, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,197200, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,182796, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,44, Private,184527, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,4934,0,45, United-States +<=50K,34, Private,145231, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064,0,35, United-States +>50K,51, Private,43354, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,20, ?,318865, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,355712, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,37, Private,98776, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,68, Private,257557, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,102258, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,170287, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,243409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,55608, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,26, Private,248057, HS-grad,9, Separated, Handlers-cleaners, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,33, Private,95530, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Local-gov,54038, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,42, United-States +<=50K,18, Private,161245, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,43, Self-emp-not-inc,388725, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,64, Self-emp-not-inc,71807, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, ? +<=50K,18, Private,228216, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,20, ?,303121, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +>50K,57, Private,78020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,249254, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,3674,0,42, United-States +>50K,34, Private,87218, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,19, Private,304299, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,196234, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,55, Dominican-Republic +<=50K,56, Private,197875, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,48063, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,48, Private,253596, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,48, United-States +>50K,29, Private,39257, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,56150, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +<=50K,31, Private,179415, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,252445, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,66, Private,275918, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,40, United-States +>50K,27, Private,106562, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Private,198654, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,99999,0,40, United-States +>50K,59, Private,107318, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,50, United-States +<=50K,26, Private,181896, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,106014, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,45, ?,319993, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,23, Private,197997, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,36, Local-gov,173542, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,207564, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +>50K,32, Private,224462, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,37, Private,123361, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,50, United-States +<=50K,33, Private,90409, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Self-emp-not-inc,165001, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,80, United-States +<=50K,32, Federal-gov,149573, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,249456, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,149898, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,292985, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Private,50223, Some-college,10, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,29, Local-gov,400074, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,55, Private,197399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,209547, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,43, Private,52433, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,45, Self-emp-not-inc,355978, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Self-emp-not-inc,48214, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,26, Private,190873, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, Germany +<=50K,23, Private,278390, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,41, Private,203217, 7th-8th,4, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,24, Private,279175, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,194590, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,34, Self-emp-not-inc,198813, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,40, Private,187294, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,302903, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,1485,40, United-States +<=50K,24, Private,154835, HS-grad,9, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, South +<=50K,73, ?,73402, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,23, Private,100345, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,15, United-States +>50K,43, Self-emp-not-inc,126320, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,142226, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,112076, Doctorate,16, Married-AF-spouse, Exec-managerial, Wife, White, Female,0,1485,35, United-States +<=50K,52, Private,225339, HS-grad,9, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,29, Private,211208, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,47, Private,200808, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Columbia +<=50K,49, Private,220618, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,40, Private,210493, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,369734, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,27898, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +>50K,50, Private,138193, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,50, United-States +<=50K,31, Private,224234, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,48, Local-gov,188741, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,183772, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,41, ?,155041, HS-grad,9, Never-married, ?, Own-child, White, Female,3418,0,40, United-States +<=50K,37, Private,79586, HS-grad,9, Separated, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,60, United-States +>50K,45, Private,355781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, Japan +<=50K,63, ?,156158, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,36, Private,116358, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,45, Private,59287, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,138868, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,185885, Assoc-acdm,12, Never-married, Tech-support, Other-relative, White, Female,0,0,20, United-States +<=50K,17, Private,40299, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,27, Private,500068, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,36, ? +<=50K,43, Private,51494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,35, Private,179481, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,55, United-States +<=50K,38, Private,365907, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,284343, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,204862, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,272476, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,36, Private,175130, 11th,7, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,118941, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,164339, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,1055,0,70, United-States +<=50K,22, ?,213291, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,42, Federal-gov,55457, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +>50K,50, Private,280292, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,446894, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,37, State-gov,67083, Some-college,10, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,54, Self-emp-inc,159219, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,52, Self-emp-inc,168539, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Private,88145, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, ? +<=50K,33, Private,150309, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,122999, Some-college,10, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,24, Private,302195, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,210982, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,114,0,40, United-States +>50K,39, Private,177140, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,113838, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,97165, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,104301, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,45, United-States +<=50K,23, ?,192028, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,64, Self-emp-inc,115931, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,147280, HS-grad,9, Never-married, Other-service, Own-child, Other, Male,0,0,20, United-States +>50K,32, Private,185433, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,26, Private,599057, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,37, United-States +<=50K,19, ?,50626, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,62, Self-emp-not-inc,71467, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,32, Private,183977, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,75, ?,26586, 10th,6, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,5, United-States +<=50K,45, Self-emp-not-inc,196858, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,31, Private,160594, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,32, Private,65278, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580,0,40, United-States +<=50K,24, Private,102258, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,196947, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,233150, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,42857, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,44, Private,118059, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,169262, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,50, United-States +<=50K,27, Private,95108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,161092, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,345253, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,2174,0,40, United-States +<=50K,37, State-gov,111275, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,178878, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +>50K,43, Federal-gov,157237, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,155664, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,44, United-States +<=50K,24, State-gov,322658, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,208503, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, Local-gov,223326, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,1721,35, United-States +>50K,37, Private,20308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,124751, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,113364, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Germany +<=50K,50, State-gov,196900, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,39, United-States +<=50K,36, Private,168170, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,39, Private,205338, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,44, Self-emp-not-inc,98806, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,45, State-gov,226452, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,479179, 11th,7, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,47, Federal-gov,471990, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,50, Private,44728, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,33117, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,264876, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,47235, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,28, State-gov,293628, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,10, ? +<=50K,28, Private,193122, HS-grad,9, Divorced, Sales, Other-relative, White, Male,0,0,50, United-States +>50K,39, Federal-gov,149347, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Poland +<=50K,21, Private,129172, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2907,0,40, United-States +<=50K,73, Self-emp-not-inc,151255, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Female,0,0,75, United-States +<=50K,39, Private,98886, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,4508,0,40, Mexico +<=50K,25, Private,238673, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,137991, Some-college,10, Married-AF-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,51, Private,85942, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,39, Private,85783, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,28, United-States +<=50K,31, Private,174789, Bachelors,13, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,457162, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,17, United-States +>50K,46, Private,176026, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,73, Private,88594, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,311101, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,273989, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,370242, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,24, Private,194630, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, Private,313817, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,195843, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,203160, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,28, United-States +<=50K,33, Private,175856, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,75435, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, State-gov,291676, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,55, Private,192869, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,19, Private,124464, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,98776, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,107960, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,62, State-gov,312286, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Self-emp-not-inc,48520, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,224541, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,55, Mexico +<=50K,36, Local-gov,237713, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,309990, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,33, United-States +<=50K,39, Self-emp-not-inc,37019, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,38, ?,48976, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,1887,10, United-States +<=50K,18, Private,170183, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,61, Private,142988, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,20, Federal-gov,163205, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +>50K,35, Self-emp-not-inc,455379, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,27, Private,104423, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,66, Private,104936, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,21, Private,542610, HS-grad,9, Never-married, Transport-moving, Other-relative, Black, Male,0,0,40, United-States +<=50K,20, Private,208117, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,34, Private,105141, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,63, Private,156120, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, ? +<=50K,20, ?,38455, HS-grad,9, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,213339, HS-grad,9, Separated, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,177989, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2051,60, United-States +<=50K,64, State-gov,107732, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,45, Columbia +<=50K,32, Private,312403, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Local-gov,176992, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,84294, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,22, Private,143062, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +<=50K,53, Local-gov,139671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,116814, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,36, Private,37778, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,240900, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,202652, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,52187, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,28, Private,349751, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,2174,0,50, United-States +<=50K,24, Local-gov,238384, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,37, United-States +<=50K,60, Private,209844, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,54, Private,333301, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,214974, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,113453, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,54, Private,162238, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,98779, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,52, Private,165001, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,78528, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,55, Private,353881, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,35, Private,251396, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Private,178100, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,416165, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,45, Private,177536, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, England +<=50K,38, Private,203717, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,107231, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,106448, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,196816, Assoc-voc,11, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,50, United-States +>50K,37, Self-emp-not-inc,191342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,60, Philippines +<=50K,18, Private,170194, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,26, Private,113587, 10th,6, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +<=50K,48, Self-emp-inc,72425, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,51, Private,217480, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Male,8614,0,40, United-States +<=50K,52, Private,120914, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, State-gov,33945, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,199753, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +>50K,51, Private,144284, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,53833, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,151158, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,43, Private,125577, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,242323, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,31, State-gov,195181, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,73, ?,145748, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,341672, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,60, India +<=50K,35, Private,116369, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,73, Private,113446, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +<=50K,25, Self-emp-not-inc,121285, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,25124, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2377,65, United-States +<=50K,32, Private,182274, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,37, United-States +<=50K,28, Private,103548, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,38434, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,53, Self-emp-not-inc,317313, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,49, Private,177543, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,55, Private,139834, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,29, Private,118478, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,50, United-States +<=50K,28, Self-emp-not-inc,147951, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,44, Private,201734, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,41, Private,198196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,26, Private,141876, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,3103,0,45, United-States +>50K,23, Private,325179, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,143774, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Germany +>50K,23, Private,152328, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,13550,0,50, United-States +<=50K,33, Private,479600, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Private,180599, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,448026, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,2907,0,30, United-States +<=50K,36, Private,300333, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +<=50K,44, Local-gov,184105, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,40, United-States +<=50K,23, Private,202084, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,29515, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,247328, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Mexico +>50K,31, Private,188246, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,105788, HS-grad,9, Separated, Exec-managerial, Unmarried, Black, Female,6497,0,35, United-States +<=50K,18, Self-emp-inc,352640, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,49, Private,132576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,128829, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,93140, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,28, United-States +<=50K,50, Self-emp-inc,155965, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,51, Self-emp-inc,335902, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,55, United-States +<=50K,22, Private,158522, Some-college,10, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,35, United-States +>50K,54, Private,174806, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,32207, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,43607, Bachelors,13, Widowed, Adm-clerical, Unmarried, White, Male,0,0,60, United-States +<=50K,67, State-gov,168224, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,180318, 11th,7, Separated, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,311376, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,101562, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Local-gov,267859, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, Cuba +<=50K,36, Private,86143, Assoc-voc,11, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,33, Local-gov,217304, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,410034, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,29, Private,293073, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,48, United-States +<=50K,18, ?,39493, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,247425, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,51, Private,128338, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,189344, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,18, Private,366154, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, Private,163051, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1628,40, United-States +<=50K,31, Private,437200, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,323798, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,53, United-States +<=50K,38, Private,182570, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,21, Private,200318, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,48520, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,130007, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,166248, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, Private,203554, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,64, ?,192715, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,1672,10, United-States +>50K,33, Self-emp-inc,291333, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,49, Self-emp-not-inc,39140, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,266439, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,126840, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,166419, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,42, Private,287129, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,206827, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,42, Private,173888, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,52, United-States +>50K,41, State-gov,253250, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,337239, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,71, ?,113445, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,54, Federal-gov,201127, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,24, Private,403107, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,59, ?,179078, HS-grad,9, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, ?,126402, 11th,7, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Federal-gov,223892, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,58, State-gov,191318, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,32, Private,394708, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,22, Private,119474, HS-grad,9, Never-married, Sales, Own-child, White, Female,1055,0,25, United-States +<=50K,20, Private,419984, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,60, ?,164730, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,190678, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, ? +<=50K,26, Local-gov,197897, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, England +<=50K,33, Private,286675, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,191986, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,90525, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,15024,0,20, United-States +<=50K,32, Private,56150, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,248327, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,90860, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +>50K,35, Federal-gov,104858, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,228686, Some-college,10, Divorced, ?, Own-child, White, Male,0,1602,25, United-States +<=50K,46, Private,196707, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,37, Private,29430, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +>50K,45, Private,54038, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,20, United-States +<=50K,63, Private,281025, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,53, Private,258832, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,10, Philippines +<=50K,24, Private,131220, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,65, ?,190454, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,29, United-States +>50K,43, Private,315971, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, ? +<=50K,47, Private,265097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,185057, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,169557, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,6849,0,40, United-States +<=50K,35, Self-emp-inc,333636, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,75, United-States +<=50K,19, Private,181652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +<=50K,47, Private,34307, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Federal-gov,198813, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,1590,40, United-States +>50K,59, Local-gov,240030, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,226089, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,190941, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,160261, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2463,0,50, England +<=50K,31, Private,208458, HS-grad,9, Divorced, Sales, Unmarried, Other, Female,0,0,40, Mexico +<=50K,49, Private,112761, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,67716, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,60, Self-emp-not-inc,121076, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,33, Self-emp-not-inc,182556, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,231348, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,55395, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,34, Private,344073, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +<=50K,38, Federal-gov,318912, Assoc-voc,11, Divorced, Adm-clerical, Own-child, Black, Male,0,0,52, United-States +>50K,58, Self-emp-not-inc,237546, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,20, Private,346341, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, ? +<=50K,52, Private,305090, Some-college,10, Separated, Sales, Other-relative, White, Female,0,0,55, United-States +<=50K,22, Local-gov,198478, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,24, Private,321435, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,39, Private,259716, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +>50K,41, Private,191547, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,37, ?,171482, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,56, Private,225927, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,21, Private,256504, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,168526, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,45, Private,44489, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,10, United-States +>50K,44, Local-gov,159449, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,80, United-States +>50K,54, Private,387540, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,314819, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +<=50K,40, Private,34722, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, State-gov,125831, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,99999,0,60, United-States +<=50K,20, ?,239805, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,16, United-States +<=50K,41, Self-emp-not-inc,264663, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,294121, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,83912, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, Mexico +<=50K,26, Private,241626, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,50, State-gov,137815, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-inc,153891, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +<=50K,24, Private,83774, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,2885,0,45, United-States +>50K,58, Private,199067, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +>50K,44, Self-emp-inc,57233, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,211517, 12th,8, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,132879, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,65, Self-emp-not-inc,72776, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,2964,0,40, United-States +>50K,33, Private,54318, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,143582, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,37, Taiwan +>50K,56, Self-emp-not-inc,174564, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,35, Private,179579, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +<=50K,33, Private,187618, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,1741,40, United-States +<=50K,35, Private,186819, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,47, Self-emp-not-inc,60087, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,35, Self-emp-not-inc,28987, 9th,5, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,96, United-States +<=50K,56, Private,187355, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Self-emp-inc,218555, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,94214, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298,0,50, Thailand +<=50K,42, Private,204729, Assoc-voc,11, Separated, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,20, ?,281668, Some-college,10, Never-married, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,24, Private,236696, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, Taiwan +<=50K,33, Private,179747, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,187322, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,38, State-gov,116975, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,50, United-States +<=50K,32, Private,205950, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,190968, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,32, Private,160458, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,28, Local-gov,190911, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Private,85382, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,41, Local-gov,129793, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,37, Local-gov,270181, Assoc-acdm,12, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,50, United-States +<=50K,23, Private,243723, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,168113, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,652784, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,315984, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,311311, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,111336, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,28, United-States +<=50K,30, Self-emp-not-inc,100252, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,60, South +>50K,41, State-gov,186990, Prof-school,15, Widowed, Prof-specialty, Not-in-family, Other, Female,0,0,52, United-States +>50K,37, State-gov,241633, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,45, United-States +<=50K,49, Federal-gov,252616, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,41, Federal-gov,46366, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,50, United-States +<=50K,52, Local-gov,266138, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,32732, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,361978, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Female,1471,0,40, United-States +>50K,25, State-gov,77661, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,2444,40, United-States +>50K,44, Self-emp-inc,60087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Local-gov,197550, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Male,0,0,33, United-States +<=50K,53, Private,170701, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Private,159822, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,211494, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,55, United-States +<=50K,30, Federal-gov,340899, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, State-gov,224752, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,36, Private,102568, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,220690, 11th,7, Divorced, Other-service, Not-in-family, White, Male,0,0,33, United-States +<=50K,22, Private,303170, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,28, United-States +<=50K,17, ?,143331, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,192162, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,201635, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,55263, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,56, State-gov,133728, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,45, Private,347025, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,23, Private,110998, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Private,122347, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,127875, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,8, United-States +<=50K,42, Private,167534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,35, United-States +<=50K,27, State-gov,152560, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,37, Private,265144, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,302679, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Private,290763, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,86837, Preschool,1, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,32, Private,147118, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,62, ?,103575, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,5178,0,40, United-States +<=50K,37, Private,169469, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,189334, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,139571, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, United-States +>50K,36, Private,111545, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,67, Private,72776, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,10566,0,15, United-States +>50K,54, Private,307973, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,211666, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,143766, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,112812, HS-grad,9, Married-civ-spouse, Protective-serv, Other-relative, White, Female,0,0,40, United-States +<=50K,57, Private,43290, 10th,6, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,57, Private,111385, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,145744, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,126754, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, Italy +>50K,46, State-gov,54260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +<=50K,41, State-gov,34895, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,43, United-States +<=50K,44, Private,166740, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,143062, Bachelors,13, Never-married, Other-service, Own-child, White, Female,2463,0,30, United-States +>50K,34, Local-gov,191957, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +<=50K,24, Private,109456, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,32, Private,198183, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,27, Local-gov,157449, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,67, Private,53874, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Cuba +<=50K,36, Private,191754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,320071, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1408,48, United-States +<=50K,24, Private,164574, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,46, Private,185870, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,44, State-gov,165745, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,23, Self-emp-not-inc,40323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,199378, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,90, United-States +<=50K,31, Private,289889, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Local-gov,152200, Some-college,10, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0,0,40, United-States +>50K,61, Private,198231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,28865, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +>50K,42, Private,26915, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,108926, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,5, United-States +<=50K,21, State-gov,204034, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, Mexico +<=50K,28, Local-gov,191088, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,2354,0,60, United-States +<=50K,27, Local-gov,194515, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Female,0,0,37, United-States +<=50K,32, Private,28984, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,2001,25, United-States +<=50K,47, Private,125892, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,37932, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, England +<=50K,56, Private,249751, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,191948, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,97306, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,176178, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,28, Private,142764, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +>50K,50, Private,148431, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,66, State-gov,148380, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,1424,0,10, United-States +<=50K,38, Private,314890, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,46, United-States +<=50K,62, Private,177493, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,36, Federal-gov,327435, Masters,14, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,275967, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,176520, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,186463, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,50380, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,70, Self-emp-not-inc,323987, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,52, Private,192445, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,142851, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,18, United-States +<=50K,19, State-gov,42750, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,199011, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,3, United-States +>50K,37, Private,98644, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, ? +<=50K,37, Private,173963, 11th,7, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, State-gov,284763, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,29, Private,108775, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,233312, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, Poland +<=50K,50, Private,197826, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,123007, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,2001,30, United-States +<=50K,26, Private,264012, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,214247, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,21, Private,200121, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,138069, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,50, United-States +<=50K,22, Private,33551, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, State-gov,89083, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,47, Private,369438, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,61, Private,93997, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,47, Local-gov,169699, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,115429, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,46, State-gov,96652, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,103759, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,54422, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Local-gov,107215, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,194630, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,102142, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,134638, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,39, United-States +<=50K,56, Private,46920, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,207973, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, Canada +<=50K,24, Private,208946, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,252431, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,1, United-States +<=50K,36, Private,251730, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Private,301251, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, ?,137632, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, Haiti +<=50K,36, Private,197274, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,37, Private,106043, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,195636, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,237956, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Cuba +>50K,58, Private,31532, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,276157, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,207668, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,142921, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,217039, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,19, Local-gov,259169, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +>50K,54, Private,409173, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,50, Puerto-Rico +<=50K,31, State-gov,73161, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,40, United-States +<=50K,27, Private,241431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,36, Private,151764, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +<=50K,47, Federal-gov,131726, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,1876,40, United-States +<=50K,35, Private,334291, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,67243, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, Portugal +<=50K,45, Private,370261, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,573446, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,1455,0,40, United-States +<=50K,27, Local-gov,189775, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,44, United-States +>50K,36, Private,312206, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,86939, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,221757, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,213140, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,24, Private,308673, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,90, Private,149069, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1825,50, United-States +>50K,50, Private,69345, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,44, United-States +>50K,37, Private,112158, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,99, United-States +<=50K,31, Private,386299, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,61838, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,290286, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,38, United-States +<=50K,41, Private,143069, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Self-emp-inc,145714, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,45, Self-emp-not-inc,285570, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +>50K,54, Self-emp-not-inc,399705, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,54, Private,186224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,172918, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,198270, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,38, United-States +<=50K,43, Private,307767, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,208630, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,30, Private,169002, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,186369, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,99203, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,48, Private,197836, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,56, Private,140136, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, United-States +<=50K,21, Local-gov,402230, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,36, United-States +<=50K,45, Private,167159, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,116409, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Local-gov,105161, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,34, Private,263908, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,189565, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,224059, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,79, ?,27457, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,23, United-States +<=50K,35, Private,240988, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,55, United-States +<=50K,39, Self-emp-not-inc,41017, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,73, Self-emp-not-inc,214498, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,12, United-States +<=50K,57, Private,186361, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,35, Self-emp-inc,165799, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,266983, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,19, ?,165416, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,54, Private,226497, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,99516, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,177287, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,27385, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,27, Self-emp-not-inc,147452, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,48, United-States +<=50K,25, Private,144334, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Private,217926, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,48, Private,153312, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,24, Private,126822, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,67, Self-emp-inc,51415, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,171886, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +>50K,38, Private,216319, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,54, Private,279337, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,115085, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,453233, 10th,6, Separated, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,34, Federal-gov,400943, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,34, Private,226883, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,49, United-States +<=50K,80, Private,138050, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,16, United-States +<=50K,40, Private,204585, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,19, Local-gov,220558, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,35, United-States +<=50K,35, Private,198841, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,21, Private,67244, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Local-gov,75785, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,53, Private,85423, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,134724, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,3103,0,40, United-States +<=50K,59, Private,109567, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,21, ?,132053, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,52, Private,157413, 1st-4th,2, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,238567, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,153133, 12th,8, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,49, Private,186256, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,260265, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,50, Private,131819, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,141584, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,245121, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,66, Private,22502, 7th-8th,4, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,30, Private,23778, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,4416,0,40, United-States +>50K,49, Private,380922, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,80, United-States +<=50K,40, Self-emp-not-inc,173651, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,191137, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,217006, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, State-gov,22211, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,37, United-States +<=50K,23, Local-gov,57711, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Germany +>50K,60, Self-emp-not-inc,123190, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,67, United-States +>50K,44, Private,110028, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,27828,0,60, United-States +>50K,53, Self-emp-not-inc,174102, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,60, United-States +>50K,66, Self-emp-not-inc,183249, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,18, ?,240183, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,44, Local-gov,49665, Assoc-voc,11, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,38, Private,210438, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,30, Private,53373, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,295706, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,3674,0,42, United-States +>50K,38, Local-gov,273457, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,165949, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,142152, 11th,7, Never-married, Transport-moving, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,189203, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,58, State-gov,179089, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,53956, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +>50K,59, Self-emp-inc,77816, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,36, Local-gov,74593, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,196158, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,8614,0,52, United-States +<=50K,17, Private,28544, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,59, Local-gov,662460, 10th,6, Widowed, Prof-specialty, Unmarried, White, Female,0,0,15, United-States +<=50K,22, Private,152328, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,120277, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,180278, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, ?,426589, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,49, Private,111558, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1977,25, United-States +<=50K,18, ?,243203, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,38, Self-emp-not-inc,195686, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Male,0,0,25, United-States +<=50K,48, Private,226696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,53, ?,118058, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,172237, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,34, Self-emp-not-inc,114074, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,41, Federal-gov,171589, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,20, ?,184271, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,594,0,20, United-States +<=50K,58, Local-gov,218724, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,134190, 10th,6, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,45, Local-gov,181964, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,47, United-States +<=50K,37, Private,385330, 7th-8th,4, Separated, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,48, Private,242406, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Dominican-Republic +>50K,40, Federal-gov,107584, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,127892, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,160261, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,10, United-States +<=50K,51, ?,285200, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2105,0,24, United-States +<=50K,48, Private,153254, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,48, United-States +<=50K,36, Self-emp-not-inc,294672, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,145924, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,35, United-States +<=50K,41, Self-emp-not-inc,280005, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,29, Federal-gov,66893, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,47039, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Federal-gov,36186, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,37, Private,159383, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,192010, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,27, Private,216479, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, ?,274680, Preschool,1, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,211345, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Nicaragua +>50K,25, Private,203561, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,56, United-States +<=50K,63, Private,170815, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,65, Self-emp-not-inc,200565, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,18, United-States +<=50K,77, Private,89655, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,234195, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,98466, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,191437, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,77792, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,24, Local-gov,134181, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,53, State-gov,195690, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,37, Self-emp-inc,94869, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,4787,0,40, United-States +<=50K,44, State-gov,267464, Some-college,10, Separated, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,25, ?,257006, 11th,7, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,81010, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,47, Private,54260, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,60, United-States +<=50K,62, Federal-gov,171995, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,2829,0,40, United-States +<=50K,39, Private,245665, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, ?,35855, 11th,7, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,32, State-gov,189838, Some-college,10, Divorced, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,25, Private,629900, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,30, Private,84119, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,47, Private,47343, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,103614, 10th,6, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,303092, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, State-gov,124520, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,220857, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,32, State-gov,247481, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,54, Private,283281, 7th-8th,4, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,50, United-States +<=50K,31, Private,25610, Preschool,1, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,25, United-States +<=50K,42, Private,13769, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,283969, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Mexico +<=50K,18, Private,185522, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,33, United-States +<=50K,65, ?,173309, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,401,0,12, United-States +<=50K,37, Private,144005, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, State-gov,205949, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,158948, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,84, United-States +>50K,64, Private,240357, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,243929, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,63, Private,201700, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,53, Private,208402, Some-college,10, Divorced, Adm-clerical, Unmarried, Other, Female,4865,0,45, Mexico +<=50K,18, Private,120599, 11th,7, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,33, Private,231826, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,62, Private,499971, 11th,7, Widowed, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +>50K,56, Private,227972, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,48, Germany +>50K,58, State-gov,299680, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,43, United-States +<=50K,33, Private,231822, 10th,6, Separated, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,58, Private,185459, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,44, Private,90582, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,81, Private,184615, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, White, Female,1264,0,40, United-States +<=50K,28, Private,173858, HS-grad,9, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,35, China +<=50K,28, Private,132326, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,315037, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,175122, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,239577, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,52, United-States +<=50K,48, Self-emp-not-inc,96975, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,45, Self-emp-inc,61885, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,48, United-States +<=50K,48, Private,185870, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,37, State-gov,142282, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +>50K,34, Private,334744, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,201600, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +<=50K,38, Private,34378, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,180271, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,123833, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,213304, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, El-Salvador +<=50K,30, Private,296538, 9th,5, Divorced, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,391937, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,175339, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +<=50K,26, Private,60726, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,6849,0,50, United-States +<=50K,39, Private,191103, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,54, United-States +<=50K,34, State-gov,32174, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,176219, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,33, Self-emp-not-inc,294434, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,76, United-States +<=50K,17, Private,310885, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,36, Mexico +<=50K,27, Private,171133, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,53, Private,162951, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,41, United-States +<=50K,43, Private,223934, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,23940, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,88073, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,60, Private,57371, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-not-inc,73684, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,65, United-States +>50K,39, Private,107164, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Private,120126, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, United-States +>50K,41, Self-emp-not-inc,54611, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,61, Private,131117, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,71, Federal-gov,101676, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,403965, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +<=50K,33, Private,177083, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Canada +>50K,52, Private,173987, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,352080, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,26, ?,102400, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,378426, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, Columbia +>50K,42, Private,210857, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,63, Private,165775, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,21, United-States +<=50K,53, Private,295896, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,34, State-gov,238944, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,149640, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,1506,0,40, Honduras +>50K,67, ?,106175, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,49, Private,191320, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,28, Local-gov,134771, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,55, United-States +<=50K,51, ?,295538, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,44, Private,120277, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,27, Private,82393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,49, Private,146121, 5th-6th,3, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,20, Vietnam +<=50K,34, Private,162544, 7th-8th,4, Never-married, Priv-house-serv, Own-child, White, Female,0,0,30, United-States +<=50K,27, Self-emp-not-inc,216178, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,38, Self-emp-not-inc,248694, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,219140, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,360401, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,1719,48, United-States +<=50K,39, Private,319962, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,50, Private,115284, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,29702, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,63, ?,107085, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,44, State-gov,204361, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,218312, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,182332, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,127876, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, Private,316702, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,292549, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,203178, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,63, Private,180099, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,154541, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,27, Private,95465, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,41, Private,171839, Masters,14, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +>50K,43, Private,115562, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,39, State-gov,42478, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, ?,117054, 5th-6th,3, Divorced, ?, Not-in-family, White, Male,0,0,99, United-States +>50K,56, Self-emp-inc,124137, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,45, United-States +<=50K,44, State-gov,107503, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,60, United-States +<=50K,24, Private,70261, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,367037, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,4650,0,40, United-States +<=50K,38, Private,258339, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, Iran +<=50K,36, Self-emp-not-inc,269509, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, State-gov,301302, Doctorate,16, Married-spouse-absent, Tech-support, Not-in-family, White, Male,0,0,20, ? +<=50K,50, Private,369367, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,224582, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,52, United-States +<=50K,41, Local-gov,343591, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,10, United-States +<=50K,45, ?,53540, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,16, United-States +<=50K,46, Private,153536, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,65, ?,91262, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,48, United-States +>50K,44, Private,238574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,247558, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,188278, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,51, Private,194995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,74, Local-gov,168782, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,32, Private,287229, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Private,202153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,58, ?,230586, 10th,6, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,115358, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,78283, 12th,8, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,64, Federal-gov,168854, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +>50K,44, Private,222011, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +>50K,59, Private,157749, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,0,3004,40, United-States +<=50K,34, Private,203814, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,54, Private,74660, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, Canada +<=50K,33, Private,292603, Some-college,10, Divorced, Other-service, Not-in-family, Black, Female,0,0,30, Dominican-Republic +<=50K,44, Private,172364, 1st-4th,2, Married-civ-spouse, Transport-moving, Wife, White, Female,3908,0,60, United-States +>50K,31, Private,305619, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, State-gov,157990, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,120243, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +>50K,56, Self-emp-not-inc,296991, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, England +<=50K,24, Private,174845, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,180475, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,152652, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,172941, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Male,0,0,20, United-States +<=50K,39, Federal-gov,450770, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,166003, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,204935, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, State-gov,60949, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Local-gov,181132, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,39, United-States +<=50K,20, Private,408988, Some-college,10, Never-married, Sales, Own-child, White, Female,594,0,24, United-States +<=50K,49, Private,169515, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,250087, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,208613, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,225172, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,125905, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,35, Private,165007, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,42, United-States +<=50K,46, Private,165346, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,8, United-States +<=50K,35, Private,37655, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,60, United-States +<=50K,21, Private,172047, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,45, Private,178530, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Local-gov,347491, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-inc,208049, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,1590,40, United-States +<=50K,18, Private,111019, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,53, Self-emp-not-inc,163826, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Local-gov,117023, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,281982, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,150025, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Puerto-Rico +>50K,50, Private,176215, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,56, United-States +<=50K,38, Private,166062, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Local-gov,28568, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,53, Private,53833, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +>50K,46, Private,219967, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,50, Private,309017, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,45, Private,353083, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,257992, Assoc-voc,11, Never-married, Sales, Own-child, Black, Male,0,0,23, United-States +>50K,41, Private,283174, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,43, Self-emp-not-inc,185413, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,29, Private,207513, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,53, Private,56213, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,100961, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,51700, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,199224, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,43, Local-gov,70055, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,38, Private,183683, 10th,6, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,64, Private,45868, 7th-8th,4, Separated, Priv-house-serv, Not-in-family, Other, Female,0,0,35, Mexico +>50K,37, Private,94706, Bachelors,13, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,27828,0,40, United-States +>50K,48, Private,322183, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +>50K,27, Self-emp-not-inc,226976, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,262678, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,41, Private,135056, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,10520,0,38, United-States +>50K,33, ?,148380, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,3103,0,60, United-States +<=50K,42, Private,270710, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,166220, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,50, United-States +<=50K,29, Private,229803, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,49, Haiti +<=50K,71, Self-emp-inc,172652, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,29, Federal-gov,204796, 10th,6, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,186634, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,16, United-States +<=50K,28, Private,106672, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,2, United-States +>50K,55, Private,135339, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,47, State-gov,287547, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, ?,197583, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,159737, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Local-gov,252217, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,202466, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,33, Private,123031, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,226296, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,232036, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,233779, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,21, ?,152328, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,481987, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,42, Private,107563, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,184806, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,58, United-States +>50K,36, Private,188850, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,127573, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,72443, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,142080, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,38, United-States +<=50K,50, Private,143353, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,12, United-States +>50K,63, Private,172433, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,44, Private,67874, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,625,50, United-States +>50K,38, Private,415578, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,370498, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,140513, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +>50K,44, Self-emp-not-inc,193882, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,289909, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,284078, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,2354,0,40, United-States +<=50K,42, Self-emp-not-inc,83953, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,54, Private,167380, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, State-gov,112761, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Private,420040, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,30, Federal-gov,42900, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,32086, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,19, Private,291181, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,50, Mexico +<=50K,22, Private,71009, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,65, Federal-gov,200764, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, ?,133336, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,36, Self-emp-not-inc,166193, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,22, Private,240229, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,334032, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,30, State-gov,184901, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,132912, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,217290, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,184655, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,242739, Bachelors,13, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +>50K,52, Private,279344, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,60, United-States +<=50K,62, Private,166691, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,154374, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,31740, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,129396, 11th,7, Never-married, Sales, Other-relative, White, Female,0,0,26, United-States +<=50K,54, Private,195015, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,187431, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, State-gov,259087, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, State-gov,62428, Some-college,10, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,15, United-States +<=50K,21, Private,77572, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0,0,34, South +<=50K,29, Private,245402, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, State-gov,201117, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, ?,36779, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,62, Private,177028, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,106306, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,20, United-States +<=50K,62, Private,101582, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,35, United-States +<=50K,58, Local-gov,158357, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,377850, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,207443, 11th,7, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,50, United-States +<=50K,23, Private,130959, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,12, United-States +>50K,37, Private,112497, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,4934,0,50, United-States +<=50K,42, Private,190545, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,46, United-States +<=50K,21, Private,114292, 11th,7, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,75171, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,312939, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,52870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,174947, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,62, Local-gov,106069, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,298696, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,392812, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,53, Private,117932, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,135527, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,60, Private,135158, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,48, United-States +<=50K,47, Private,54260, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, State-gov,28171, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,150324, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Private,109494, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,45, United-States +>50K,57, Private,204209, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,19, Private,328167, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,26, Private,157617, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, ? +<=50K,63, Self-emp-inc,180955, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,42, Private,478373, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,245090, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,209900, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,228649, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,190297, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,44780, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,8, United-States +<=50K,52, State-gov,32372, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,137184, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,67, Private,366425, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,99999,0,60, United-States +<=50K,26, Private,160307, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,2001,40, United-States +>50K,58, Private,170480, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,48, Private,224393, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,173212, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,86646, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4865,0,48, United-States +<=50K,25, Private,108683, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,18, Private,70021, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,36, Private,192939, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,45, Self-emp-not-inc,144086, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,97614, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,68, Self-emp-inc,260198, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,486194, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, Guatemala +<=50K,21, Private,112225, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,15, United-States +<=50K,49, Private,164200, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,52401, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,41, Private,195821, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +>50K,35, Private,108140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,187981, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,108126, 9th,5, Separated, ?, Own-child, White, Female,0,0,40, United-States +>50K,54, Local-gov,168212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,32, Self-emp-not-inc,198613, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, ? +<=50K,18, Private,52098, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,30, Private,509364, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,66, ?,128614, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,23, Local-gov,238384, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,317434, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,158688, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,39, Self-emp-not-inc,267412, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,26, Local-gov,391074, 10th,6, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,78, Private,135692, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,78529, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,117700, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,33, Local-gov,83413, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,44, ?,210875, 11th,7, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,34, Private,108023, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,103435, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,28, Private,632733, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,266019, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,4, United-States +<=50K,30, Private,41210, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,125892, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +>50K,46, Private,135339, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,272372, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,7, United-States +<=50K,40, Private,291300, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +>50K,44, Local-gov,157473, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, Private,329948, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,69, Self-emp-inc,264722, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,132853, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +<=50K,47, Local-gov,216586, 11th,7, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Private,504725, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,3464,0,40, Mexico +<=50K,25, State-gov,150083, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,42, Private,188789, 7th-8th,4, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,65, ?,101427, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,2653,0,30, United-States +<=50K,24, Private,103277, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,48, Federal-gov,191013, Bachelors,13, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,82, Self-emp-inc,220667, 7th-8th,4, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,188800, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Private,24361, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,10520,0,40, United-States +<=50K,28, Private,82910, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,65, Private,105586, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,20051,0,40, United-States +<=50K,66, Self-emp-not-inc,240294, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,40, Private,21755, Some-college,10, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,66, Private,73522, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,37, Private,222450, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, El-Salvador +<=50K,34, Private,35595, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,239061, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,43, Private,122473, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,1977,50, United-States +<=50K,20, Private,190290, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, Canada +<=50K,59, Private,193375, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,10, United-States +>50K,48, Private,148576, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,72896, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,180299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,43, Private,221550, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,183011, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,15, Haiti +<=50K,34, ?,370209, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,298449, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2179,60, United-States +<=50K,21, Local-gov,300812, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,173938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,282172, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,87300, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,64520, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, State-gov,119567, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,117310, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,35, State-gov,28738, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,4101,0,40, United-States +<=50K,17, ?,99695, 10th,6, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,49, Private,366089, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,234397, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,132686, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,196963, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, State-gov,46492, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,274245, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,360032, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,144778, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,142245, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Federal-gov,178074, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,40, United-States +<=50K,19, ?,218171, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,2, South +<=50K,32, Local-gov,130242, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,98980, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,284629, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,114591, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,30, Private,134639, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,45, United-States +<=50K,27, Private,134890, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,199545, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,32, Private,227282, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,308241, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +>50K,43, Private,214781, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,38, United-States +>50K,50, Local-gov,173630, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +>50K,42, Federal-gov,348059, Assoc-acdm,12, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,208785, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,43, Private,151809, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,37, Private,71592, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,17, United-States +<=50K,58, Private,132704, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,3325,0,40, United-States +<=50K,32, Private,250583, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +>50K,35, Private,114765, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,40, Self-emp-not-inc,194924, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,39, Self-emp-not-inc,73471, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1573,45, United-States +>50K,51, Private,250423, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,42, Private,145441, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,86681, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, Private,188643, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,1429,30, United-States +<=50K,74, Private,68326, Assoc-voc,11, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,382859, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,23, ?,211968, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,23, Iran +<=50K,48, Local-gov,132368, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,196123, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,178066, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,1797,0,24, United-States +<=50K,40, State-gov,105936, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,306639, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,26502, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Local-gov,204698, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,118057, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,51, United-States +<=50K,22, State-gov,199266, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,49, Private,248145, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,51, Private,239284, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,188738, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,31, Private,209101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,67, Local-gov,197816, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,27, ?,60726, Bachelors,13, Never-married, ?, Not-in-family, Black, Male,0,0,45, United-States +<=50K,59, Self-emp-not-inc,211678, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,66, Private,304957, HS-grad,9, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,25, United-States +>50K,28, Private,278552, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Self-emp-not-inc,79303, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,44, Local-gov,64632, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,560313, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,45, United-States +<=50K,39, Local-gov,174597, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,46, Private,139946, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,19, Private,277695, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,44, Self-emp-not-inc,138471, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,320615, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,2205,40, United-States +<=50K,48, Private,164954, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,42, United-States +<=50K,27, Private,263728, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3137,0,50, United-States +<=50K,44, Private,103980, Some-college,10, Divorced, Prof-specialty, Own-child, White, Male,3325,0,35, United-States +<=50K,30, Private,159442, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, Ireland +>50K,32, Federal-gov,113838, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,49, Private,28171, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,78, United-States +<=50K,37, Self-emp-not-inc,227253, Preschool,1, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, Mexico +>50K,24, Private,211129, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,60, United-States +<=50K,19, Private,120003, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,245182, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,25, Private,188767, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,227890, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Private,131650, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,258725, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,127678, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,53, Private,110747, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,27, Private,409246, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,128829, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,170031, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,150917, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,41, Private,197372, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +>50K,49, Self-emp-not-inc,43479, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,0,0,63, Canada +<=50K,36, Private,166549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,119684, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2829,0,28, United-States +<=50K,44, Private,651702, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,69, Self-emp-not-inc,199829, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1258,40, United-States +<=50K,22, Private,86745, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,36, Private,644278, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,58, Private,31137, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3464,0,60, United-States +<=50K,32, Private,104525, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,19, ?,91278, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,27, Private,111361, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,19, ?,291692, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,28, United-States +<=50K,35, Private,228881, HS-grad,9, Never-married, Craft-repair, Other-relative, Other, Male,0,0,40, Puerto-Rico +>50K,58, Private,152731, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,178310, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,48, Self-emp-not-inc,116360, Assoc-voc,11, Divorced, Tech-support, Other-relative, Black, Female,0,0,10, United-States +<=50K,22, Private,535852, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Mexico +<=50K,39, Private,30828, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,39518, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,445758, 5th-6th,3, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,40, Private,222504, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,35, Private,357619, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Germany +<=50K,20, ?,121389, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,32, United-States +>50K,41, Private,228847, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,118598, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,35, United-States +>50K,58, Private,49893, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,452353, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, State-gov,285000, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,263300, HS-grad,9, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,55, United-States +<=50K,28, State-gov,132675, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, Germany +<=50K,35, Private,175232, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,257421, 12th,8, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,196227, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,34965, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,65, Private,475775, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,22, United-States +<=50K,19, Private,196857, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,594,0,15, United-States +<=50K,37, Private,159917, 9th,5, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,22, Private,212803, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,118902, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Scotland +<=50K,21, Local-gov,166827, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,21, Private,180060, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,47218, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,46, Private,73541, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, State-gov,150688, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +>50K,36, Private,207824, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,42, Self-emp-inc,198282, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,206359, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,55, ?,125659, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,6, United-States +<=50K,60, Local-gov,129193, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,167457, 7th-8th,4, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,35, Private,455469, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,206891, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,269323, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,45, Local-gov,187715, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,71376, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,268707, 11th,7, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,42, United-States +<=50K,45, Private,215620, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,158438, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,209629, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,121076, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,97933, 9th,5, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,177423, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,4416,0,45, Philippines +<=50K,39, Private,185520, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Federal-gov,38321, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,213307, 1st-4th,2, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,48, Private,328581, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,177368, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,148903, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,53, Self-emp-not-inc,385520, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Female,0,0,55, United-States +<=50K,25, Self-emp-not-inc,193716, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,238899, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,30, United-States +<=50K,36, Private,209993, 5th-6th,3, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, El-Salvador +<=50K,51, State-gov,136060, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,192944, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,29927, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Local-gov,200593, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,311376, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,25, United-States +>50K,58, Private,206814, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,50, United-States +<=50K,21, Private,278391, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, Nicaragua +>50K,32, Private,364657, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,54, ?,120781, Doctorate,16, Married-spouse-absent, ?, Unmarried, Asian-Pac-Islander, Male,0,0,20, India +<=50K,62, Private,175080, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, ?,522241, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,161240, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,162282, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,23, Private,199419, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,171114, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,208855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,381030, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,63, Private,219337, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3471,0,45, United-States +<=50K,45, Private,180010, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,189382, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,121712, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,28, ?,192257, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,20, ?,68620, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,352188, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,398874, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,42, United-States +<=50K,33, Private,191930, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,50, United-States +<=50K,26, Private,269168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, ?,123536, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,173651, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,149337, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,146674, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, ? +<=50K,65, Private,173483, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,19, Private,223669, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,47, Private,182177, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,23, United-States +<=50K,24, Private,109414, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,20, India +>50K,55, Self-emp-inc,150917, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,61, Self-emp-not-inc,39128, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,47, Local-gov,103540, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,110212, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,222450, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,2339,40, El-Salvador +<=50K,21, ?,113760, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, ?,253717, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +<=50K,25, Private,306908, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,263871, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,40, State-gov,55294, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,174063, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,54, State-gov,258735, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,275867, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,154235, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,32, Local-gov,210448, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,337908, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,26, State-gov,205333, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,23, Private,187447, Some-college,10, Separated, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,153589, 9th,5, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Local-gov,149988, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,398959, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,194096, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,44041, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Other-relative, White, Male,0,0,60, United-States +<=50K,22, Private,208946, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, ? +<=50K,47, Private,202117, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,34, Local-gov,303129, HS-grad,9, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,215419, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Private,175069, Some-college,10, Never-married, Sales, Own-child, White, Male,1055,0,30, United-States +<=50K,36, Federal-gov,20469, HS-grad,9, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,52, Private,254680, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,99, United-States +<=50K,38, Self-emp-inc,46385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,178463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,229296, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,38, Private,179352, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,56, Self-emp-not-inc,177368, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,30, Private,156015, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, State-gov,308945, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,60, Self-emp-not-inc,119575, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,332689, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,18, Private,150817, 12th,8, Never-married, Protective-serv, Own-child, White, Female,0,0,45, United-States +<=50K,19, Private,50941, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,53, Federal-gov,59664, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,5013,0,40, United-States +<=50K,18, Private,56613, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,162372, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Puerto-Rico +<=50K,57, Private,77927, 5th-6th,3, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,37, United-States +<=50K,36, ?,157278, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,170214, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, Iran +>50K,33, Private,76493, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,130431, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,40, State-gov,23037, Some-college,10, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,20, Self-emp-not-inc,176321, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,105449, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,41, Private,157217, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Federal-gov,382532, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,250918, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +>50K,49, State-gov,139268, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, United-States +>50K,37, Self-emp-not-inc,200352, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,67, Private,267915, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,376474, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,153047, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,29, Private,154236, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,58, United-States +<=50K,22, ?,261881, 11th,7, Never-married, ?, Other-relative, Black, Female,0,0,15, United-States +<=50K,26, Private,427744, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,100580, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +<=50K,23, Private,238179, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,2339,45, United-States +<=50K,37, State-gov,272471, Some-college,10, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,259058, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,1726,40, United-States +<=50K,41, Private,112656, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,197286, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,26145, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,314440, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,57691, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,2258,70, United-States +>50K,33, Private,301251, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,243410, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,119008, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,67, Private,169435, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,200327, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,18, United-States +<=50K,69, Private,31501, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,223327, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1672,42, United-States +>50K,52, Private,191130, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, ?,191561, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,47, Private,245724, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,194134, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,23, Private,140764, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,1590,40, United-States +<=50K,41, Self-emp-not-inc,189941, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,149368, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,57, Local-gov,237546, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,211051, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,44, State-gov,307468, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,46, Self-emp-not-inc,27847, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,60, Private,39263, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,3325,0,35, United-States +<=50K,46, Local-gov,183610, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,235847, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,52, United-States +>50K,44, Local-gov,32627, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,60, United-States +<=50K,43, Private,42026, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,72808, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,55, Private,377113, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,60, United-States +<=50K,24, Private,176389, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,71075, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +>50K,51, Self-emp-inc,110327, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,42, State-gov,392167, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,130808, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,351757, 10th,6, Never-married, Other-service, Unmarried, White, Male,0,0,30, El-Salvador +<=50K,24, Self-emp-not-inc,345420, 7th-8th,4, Never-married, Farming-fishing, Other-relative, White, Male,0,0,50, United-States +<=50K,52, Private,220984, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,236834, 9th,5, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,35, Mexico +<=50K,42, Private,153489, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,330850, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +>50K,53, Private,337195, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,214816, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,20, Private,92863, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,226894, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,13550,0,40, United-States +<=50K,46, Private,40666, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,18, ?,142043, 11th,7, Never-married, ?, Other-relative, White, Male,0,0,15, United-States +<=50K,58, Private,105239, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,112763, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,66, Self-emp-not-inc,219220, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653,0,40, United-States +<=50K,38, State-gov,168223, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,175639, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,39, Private,167482, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,178417, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,26, Local-gov,33604, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,25, United-States +<=50K,27, Private,62082, Bachelors,13, Never-married, Sales, Own-child, Other, Male,0,0,38, United-States +<=50K,29, Private,149902, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,29, Private,74784, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,47, Self-emp-inc,54260, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,62, ?,119986, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,29, Local-gov,165218, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,52, Local-gov,192853, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Jamaica +<=50K,27, Private,56299, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,53, ?,394690, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,5, United-States +<=50K,29, Private,208406, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,165827, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,249559, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,25, United-States +<=50K,27, Private,151382, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,161141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,57092, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, Private,116927, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,56, Private,133876, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,229259, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,338162, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,37, Federal-gov,38948, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,169276, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, State-gov,364803, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,65, United-States +<=50K,45, Private,302677, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,1340,50, United-States +>50K,35, Private,235485, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,91189, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,54, Federal-gov,149596, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,19, Private,89211, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,48, State-gov,241854, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,213351, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,74631, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,128696, 11th,7, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,49, Private,141069, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,17, ?,347248, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,176947, 7th-8th,4, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,274200, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,94036, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, ?,188431, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,34, Local-gov,176802, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, ?,258973, Some-college,10, Widowed, ?, Not-in-family, White, Female,401,0,14, United-States +<=50K,46, Private,235646, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,175883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,154430, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,71, Private,258126, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,39, Cuba +>50K,26, Federal-gov,337575, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,308241, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, ?,162165, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,43, United-States +<=50K,23, Private,298623, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,65, Private,270935, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Private,338833, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,38, United-States +<=50K,19, ?,341631, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,35, Private,233786, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,366876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,183279, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,41, Federal-gov,29606, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,24, Local-gov,137300, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,184070, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,48, Private,188610, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,41356, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,51, Private,145409, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, ? +<=50K,24, ?,287413, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,60, United-States +<=50K,39, Local-gov,100011, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,119673, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,49, Private,140782, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,2415,3, United-States +<=50K,30, Private,193246, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, State-gov,420526, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,30, Private,34574, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,400061, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, Philippines +<=50K,49, Private,107009, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, Portugal +<=50K,24, Private,33551, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,121640, Some-college,10, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,44, United-States +<=50K,40, Private,179524, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,473206, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,32, United-States +>50K,41, Private,54422, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,202416, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Private,158685, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,56, Self-emp-inc,76534, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,21, China +<=50K,42, State-gov,218948, Doctorate,16, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,36, Jamaica +>50K,37, Self-emp-not-inc,175120, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,100154, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +>50K,29, Private,160510, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,58, Private,223214, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,40, Private,79488, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,136986, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,52, United-States +<=50K,33, Private,202339, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,34, United-States +<=50K,58, Private,205737, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,80145, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,303579, Some-college,10, Never-married, ?, Own-child, White, Male,0,1602,8, United-States +>50K,47, Private,235108, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,41, State-gov,201363, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +>50K,41, Self-emp-inc,244172, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,73, ?,99349, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,56, Federal-gov,338242, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,83, ?,29702, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,22, Private,146352, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,30, Private,215182, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,133456, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Private,79586, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,27, Private,181822, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,123809, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,35, United-States +<=50K,37, Private,35429, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,1506,0,40, United-States +<=50K,48, Private,151584, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,46, United-States +<=50K,42, Private,303725, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,194404, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Local-gov,224229, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Private,236396, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,25, Private,40255, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +>50K,29, State-gov,214881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Honduras +<=50K,47, Private,332465, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,165218, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,34506, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Local-gov,79190, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,79001, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,137876, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +<=50K,57, Federal-gov,40103, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,24, Self-emp-inc,145964, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,32, Private,268282, 7th-8th,4, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,67, Local-gov,272587, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,1086,0,15, United-States +<=50K,22, Private,220993, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,88676, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,185386, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,42, Mexico +>50K,37, Private,177420, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,20, ?,203353, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,100734, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, State-gov,181119, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,172232, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,243678, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Self-emp-inc,170174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,102202, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,38, Private,249720, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,167835, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,266780, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,24, United-States +<=50K,17, Private,173740, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +>50K,44, Private,40024, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +>50K,28, Private,193260, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,50, South +<=50K,18, Private,175752, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,202662, 10th,6, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,167350, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,43, Private,412379, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,23, Self-emp-not-inc,121568, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,1504,40, United-States +<=50K,43, Private,56651, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,238567, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,34, Private,144949, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,42, Private,234633, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,147397, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,44, United-States +<=50K,38, Private,247547, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,266645, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,154897, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,44, Private,112507, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Federal-gov,110884, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,25, Private,151588, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Local-gov,217210, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1887,38, United-States +<=50K,22, ?,185357, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,47, Private,139701, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,36, Private,50707, Bachelors,13, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,370119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,50, United-States +<=50K,66, Self-emp-not-inc,252842, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,20, United-States +<=50K,58, Private,106707, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,25, Private,149486, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,30, Private,427541, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,99999,0,40, United-States +<=50K,51, Self-emp-not-inc,22154, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,144949, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,2559,40, United-States +<=50K,20, Private,228686, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,57, Self-emp-not-inc,113010, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Federal-gov,361278, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,109509, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,47, Private,172155, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, Ecuador +<=50K,54, Private,204304, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,75, Private,233362, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,141609, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,179479, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,3325,0,40, Yugoslavia +<=50K,32, Private,193565, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,314539, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,208908, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,375526, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,31, Private,291494, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,117747, Bachelors,13, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,56, Private,331569, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,36, United-States +<=50K,46, Private,146786, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,59, Private,147098, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,137076, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,223811, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,23, United-States +<=50K,69, Private,172354, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,1848,0,50, United-States +>50K,35, Private,154410, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,58, Private,277203, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,21, Private,97295, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,60, Private,95680, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,29, Private,328981, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,75435, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,53, Private,116288, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,43, Federal-gov,136105, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,1848,40, United-States +>50K,55, Local-gov,134042, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,29, Private,253003, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,2258,45, United-States +<=50K,37, Private,193106, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,37, Private,117528, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,194537, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,195820, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,265671, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, ?,90636, Some-college,10, Never-married, ?, Own-child, Amer-Indian-Eskimo, Female,594,0,40, United-States +<=50K,57, Private,166107, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,49, Federal-gov,106207, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,187135, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,56, United-States +<=50K,44, Private,231793, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,52, United-States +<=50K,20, ?,228326, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,36, Self-emp-not-inc,125933, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +>50K,29, Local-gov,211032, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,51, Local-gov,125796, 11th,7, Never-married, Farming-fishing, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,29526, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,53, Private,158993, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,116379, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, China +<=50K,42, Private,201343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +<=50K,44, Private,402718, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,37, Self-emp-inc,98360, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,285580, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +<=50K,27, ?,119851, Some-college,10, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,325509, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,56, Private,204745, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,3325,0,45, United-States +<=50K,58, Private,152874, Some-college,10, Widowed, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,139715, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,141584, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,156848, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,40151, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,50648, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,26, Private,122920, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,56, United-States +<=50K,19, Local-gov,91571, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,227220, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,33, United-States +>50K,43, State-gov,344519, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,133061, Some-college,10, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Private,219054, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,62, Local-gov,194276, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,46, Self-emp-inc,168211, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,60, United-States +>50K,54, Local-gov,220054, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,43, Self-emp-inc,405601, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,240979, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,80, United-States +<=50K,47, Local-gov,202606, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,58, Private,220896, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,24274, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +>50K,26, Private,263444, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,14344,0,40, United-States +<=50K,51, Local-gov,99064, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,53, Private,203967, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,53, State-gov,94186, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,37, United-States +<=50K,68, ?,110931, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,46, Local-gov,66934, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,32, Self-emp-inc,196385, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,47012, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,216013, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,98921, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,320294, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,247102, 10th,6, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,155632, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +<=50K,22, Self-emp-inc,120753, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,213921, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, Mexico +<=50K,30, Private,94235, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,84141, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,35, Private,237943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,225895, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,126569, Bachelors,13, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, State-gov,172307, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,111520, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,34, United-States +<=50K,53, Private,283079, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,109969, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,65, Private,146159, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,1668,31, United-States +<=50K,22, State-gov,247319, Some-college,10, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +>50K,65, Local-gov,200764, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,21, Private,123868, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,137063, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,112137, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,50, South +>50K,39, Private,188069, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,50, United-States +>50K,52, Private,102828, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,187221, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,12, El-Salvador +<=50K,62, Private,343982, 10th,6, Widowed, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,146949, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,80, United-States +<=50K,41, Private,150011, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,107812, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,6849,0,35, United-States +>50K,43, Private,207392, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,70, United-States +>50K,61, State-gov,140851, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,216842, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,34, Private,112115, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Local-gov,185279, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,60, Private,194980, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,28, Private,189530, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,32, Self-emp-not-inc,38158, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,70, United-States +<=50K,55, ?,246219, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,2105,0,40, United-States +<=50K,51, Private,143822, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,300851, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,56, United-States +<=50K,37, Private,184874, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,1151,0,40, United-States +<=50K,40, Private,83827, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, England +<=50K,44, Private,112847, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,27, Private,581128, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,202652, Assoc-voc,11, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,40, Private,171888, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,30, Private,45427, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,36, Private,185848, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,74, Private,282553, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Federal-gov,153614, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,65353, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,44, Private,244172, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,48, Private,148995, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,14084,0,45, United-States +<=50K,25, Private,274228, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,65, United-States +<=50K,33, Private,156383, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,47403, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,75, ?,226593, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,94041, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1974,30, United-States +>50K,29, Private,271710, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, Federal-gov,231797, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,33, Private,188403, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +>50K,65, Private,444725, Prof-school,15, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,48, Hungary +<=50K,17, Private,242605, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,58, Private,244605, Bachelors,13, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,335276, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,284616, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,60, Private,162151, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,60358, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,151693, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, ?,369907, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,171636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, United-States +<=50K,34, Private,118901, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, State-gov,28419, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,608881, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,112564, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, ? +<=50K,25, Private,171472, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,20, Private,236804, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,38, Private,212252, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,69, Private,119907, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Local-gov,352797, HS-grad,9, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Private,97281, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,154351, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,2993,0,40, United-States +<=50K,22, Private,117606, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,25, Private,222089, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Thailand +<=50K,40, Private,199668, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,25, United-States +>50K,29, Local-gov,194869, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,283268, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,170278, 5th-6th,3, Widowed, Sales, Not-in-family, White, Female,0,0,40, Italy +<=50K,28, Federal-gov,90787, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,110749, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,39, United-States +<=50K,72, Self-emp-not-inc,173864, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,2290,0,45, United-States +>50K,35, Private,278442, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,48, United-States +>50K,33, State-gov,162705, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +<=50K,36, Private,326352, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,18, Private,105854, HS-grad,9, Never-married, Craft-repair, Other-relative, Other, Male,0,0,32, United-States +>50K,38, Self-emp-inc,116608, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +>50K,48, Private,182655, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,213834, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,29, Private,42881, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,81, Self-emp-not-inc,240414, Bachelors,13, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,37688, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,39, Self-emp-not-inc,189922, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,323309, HS-grad,9, Never-married, ?, Own-child, Other, Male,0,0,60, South +<=50K,41, Federal-gov,341638, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,92, United-States +>50K,50, Private,114758, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,288557, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,46, United-States +<=50K,18, ?,191817, 11th,7, Never-married, ?, Own-child, White, Male,0,0,20, Mexico +<=50K,18, Private,222851, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,54, Private,93605, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,263984, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, ? +<=50K,21, Private,190916, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,384787, 9th,5, Never-married, Sales, Other-relative, White, Female,0,0,40, Mexico +<=50K,19, Local-gov,43921, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,183739, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,37, Private,490871, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,25, United-States +>50K,31, Private,173473, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,24504, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,60, Private,113080, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,197093, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,65, Private,56924, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,10, United-States +<=50K,33, Federal-gov,207723, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,32, Private,327902, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,197860, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Haiti +>50K,53, Private,95647, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,98227, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,430151, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,30, United-States +<=50K,60, Private,73069, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, Private,101345, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,1741,40, United-States +>50K,36, Private,196123, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,20, Private,24008, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,67433, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, ?,224466, HS-grad,9, Never-married, ?, Other-relative, Black, Male,0,0,24, United-States +<=50K,29, Private,292120, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,52, Private,198362, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,41, Private,231507, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,216178, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, ?,91447, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,2205,8, United-States +<=50K,40, Private,232820, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,53956, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,155913, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,69, Private,104827, HS-grad,9, Widowed, Tech-support, Unmarried, White, Female,0,0,8, United-States +<=50K,28, Private,197222, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +<=50K,57, Private,255406, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,1980,44, United-States +>50K,54, Federal-gov,278076, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,41, Local-gov,231348, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,196286, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,76417, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,190964, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,42, United-States +>50K,57, Federal-gov,239486, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,45, United-States +<=50K,18, Private,101709, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,15, United-States +<=50K,53, Private,120914, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,60722, HS-grad,9, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,257405, 5th-6th,3, Never-married, Farming-fishing, Unmarried, Black, Male,0,0,40, Mexico +<=50K,61, Private,32209, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,40, United-States +<=50K,45, Private,431245, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,95082, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,57, Private,220986, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,87771, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,72, Self-emp-inc,199233, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,35, United-States +<=50K,23, Private,133515, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,20, United-States +<=50K,46, Private,117310, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,51, Private,163027, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,20, United-States +>50K,46, Private,169711, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,91317, Assoc-acdm,12, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,106159, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,177063, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175059, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,129573, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,59, Private,169611, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,247506, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,37085, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,202033, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,179864, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,88020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,28, ?,243190, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,30, ? +<=50K,33, Private,102270, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,25, Private,81286, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +<=50K,23, ?,205690, Assoc-voc,11, Never-married, ?, Unmarried, Black, Male,0,0,40, United-States +<=50K,35, State-gov,37314, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,29213, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,43, Self-emp-not-inc,451019, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,49, Self-emp-inc,125892, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,259412, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,49, Federal-gov,207540, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,110167, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,430336, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,45, United-States +>50K,39, Self-emp-inc,210610, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,31, Cuba +<=50K,26, Private,86483, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,138507, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,26, Federal-gov,345157, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,71, Local-gov,161342, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,3, United-States +<=50K,27, Private,159109, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,42, United-States +<=50K,34, Private,54608, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,433602, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,38, United-States +<=50K,36, Self-emp-not-inc,350103, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,166193, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Federal-gov,56236, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Male,1506,0,40, United-States +>50K,47, Private,156926, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,26698, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,75993, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,39, Private,312271, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,70282, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, Private,259109, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,18, United-States +>50K,45, Private,192360, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,33, Private,373432, Some-college,10, Separated, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,21, Local-gov,176998, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,32950, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,48520, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,80, United-States +<=50K,47, State-gov,237525, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,202746, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,179255, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,47, Self-emp-inc,337825, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,68, Self-emp-not-inc,191517, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,239130, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,2444,40, United-States +>50K,42, Private,233366, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,3103,0,40, Mexico +<=50K,36, ?,137492, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,66893, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1564,50, United-States +<=50K,61, Private,266646, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Black, Male,2290,0,40, United-States +<=50K,33, Private,238246, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, Germany +<=50K,23, Private,215616, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,148316, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,172402, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,195918, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,33016, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,267281, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Federal-gov,43608, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,21, Private,57827, HS-grad,9, Widowed, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,110145, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,162884, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,60, Columbia +<=50K,43, State-gov,145166, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,50, Private,193720, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,48, Private,310639, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,49, Private,196360, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,28, Private,370675, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1408,50, Hong +>50K,36, Private,398931, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,28, Local-gov,104329, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,61, Self-emp-inc,103575, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,25, State-gov,222800, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,176239, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,321274, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,192713, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, ? +<=50K,25, Private,407714, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, ?,247547, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Private,123219, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,165950, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,21, United-States +<=50K,28, Private,182509, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Private,27408, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +>50K,33, Private,110592, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, State-gov,175409, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,172822, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,15020,0,48, United-States +<=50K,21, Private,265361, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, State-gov,106491, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,179557, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,187919, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,45, United-States +>50K,45, Private,196707, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,216129, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,100480, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +>50K,57, Self-emp-not-inc,69905, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,15024,0,40, United-States +<=50K,38, Private,297767, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,214627, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +>50K,52, Private,251908, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,2547,40, United-States +<=50K,55, Self-emp-inc,304695, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,48121, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,125228, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,408012, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,57, Private,161642, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,181212, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,76482, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,295073, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,50, United-States +<=50K,45, ?,69596, 10th,6, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,262461, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,34, Local-gov,112680, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,35, Private,342642, Masters,14, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,211968, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Local-gov,153536, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,21, Private,188923, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,30, Private,391114, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,45599, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, ? +<=50K,37, Private,119929, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,47, United-States +<=50K,24, Private,130442, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Private,192602, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,328881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,37, Private,165034, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2002,40, United-States +<=50K,39, Private,93174, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +>50K,28, Local-gov,205903, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,24, Self-emp-inc,197496, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,226941, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,61, Private,199193, Assoc-acdm,12, Divorced, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,187870, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,364899, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,65, United-States +<=50K,28, Private,437994, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,60, United-States +<=50K,24, Private,166827, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,35, Private,207819, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,37939, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +>50K,39, Private,77146, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,35, ?,29075, 11th,7, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,6, United-States +<=50K,20, Private,167868, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,150132, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,365881, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +>50K,37, Private,105044, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,145636, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,161547, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Federal-gov,77218, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,241126, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +>50K,85, Self-emp-inc,155981, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,71, Self-emp-inc,45741, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,20051,0,30, United-States +<=50K,23, Private,256356, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,39, State-gov,105803, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +>50K,77, Self-emp-inc,29702, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,20, Private,107882, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,77572, Some-college,10, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,34, Private,209768, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,33, Private,89360, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,5178,0,55, United-States +<=50K,34, Self-emp-not-inc,227540, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,36, Private,292570, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,3325,0,40, United-States +<=50K,36, Private,409189, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,194901, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2057,70, United-States +<=50K,26, Local-gov,219796, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,43, United-States +<=50K,37, State-gov,117166, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +>50K,42, Private,228320, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5178,0,45, United-States +>50K,38, Private,236391, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,193451, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,223367, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,33001, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Private,173858, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,35, China +<=50K,33, Private,240441, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,160264, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,230403, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,61, Private,154536, 10th,6, Widowed, Craft-repair, Unmarried, Black, Female,0,2001,40, United-States +<=50K,44, Self-emp-not-inc,247024, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,65, Self-emp-inc,410199, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,35, United-States +<=50K,23, Private,191878, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,38, ? +<=50K,67, State-gov,54269, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,37, Private,205997, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,47343, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,35, Federal-gov,403489, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,232149, Bachelors,13, Divorced, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,50, ?,339547, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,50, ? +>50K,36, Private,186819, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,89991, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Private,112139, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,18, Private,244571, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,36, Private,220696, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Private,135102, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,24, Private,209417, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,60, United-States +<=50K,43, Private,199689, Bachelors,13, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,20, United-States +<=50K,27, Private,240172, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,94492, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,29, Private,188564, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,19, Private,264527, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,38, Private,189922, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,182044, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,271173, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,4650,0,40, United-States +<=50K,30, Private,203034, Assoc-voc,11, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,100734, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0,0,40, Greece +>50K,33, Private,169269, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, Puerto-Rico +<=50K,59, Private,24244, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,132222, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,199118, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,34, Private,223212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Peru +<=50K,27, Private,284859, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,112854, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,41, Federal-gov,92968, Masters,14, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,181553, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,25, Private,266668, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +>50K,33, Private,29144, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,26, Self-emp-not-inc,389856, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,42, Private,111589, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,232938, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,45, Private,103540, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,59, Private,249814, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,37, United-States +>50K,26, Private,30776, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,184779, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Self-emp-not-inc,93449, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,32, Local-gov,178107, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,198956, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Other, Male,0,0,35, United-States +<=50K,53, Private,130143, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, Private,171807, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,436431, Preschool,1, Married-civ-spouse, ?, Other-relative, White, Female,0,0,40, Mexico +<=50K,17, Private,162205, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,15, United-States +>50K,48, Private,97470, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,158603, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,7, United-States +>50K,58, Private,348430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,109385, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, United-States +<=50K,45, Private,188998, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,41, Private,210591, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,37170, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +>50K,34, Private,169583, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,180624, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,186311, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,106471, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,37302, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,91608, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,263896, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,335376, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,38, Private,186531, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, State-gov,42706, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,29, Private,180115, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,42, Private,191196, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,209109, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,199224, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,65, State-gov,42488, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,2653,0,8, United-States +<=50K,19, Self-emp-not-inc,63574, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,227943, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,297551, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,46, Private,343579, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,77, United-States +<=50K,34, Private,230246, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,2202,0,99, United-States +<=50K,57, Self-emp-not-inc,110199, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,178691, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,36, Self-emp-not-inc,165855, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Germany +>50K,34, Private,27565, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0,0,27, United-States +<=50K,54, Private,220115, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,40, United-States +<=50K,34, Private,113751, 11th,7, Divorced, Sales, Own-child, Black, Female,0,0,37, United-States +<=50K,72, Private,128793, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, United-States +<=50K,23, Private,97472, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Private,153064, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,10, Yugoslavia +>50K,57, Private,190488, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,326283, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,40, Private,61287, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,214288, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,198856, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,51, Federal-gov,914061, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,24, Private,186648, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,49, Private,350759, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,76, ?,197988, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,37, Private,188571, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,112776, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,21, Private,100345, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,53, United-States +<=50K,49, Private,291783, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,156387, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,38, ?,295166, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,132849, Masters,14, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,300497, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Male,0,0,40, United-States +<=50K,54, Private,338089, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,104257, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,112247, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Federal-gov,73070, Masters,14, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,48, Self-emp-inc,49298, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,51, Local-gov,289390, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,36, Private,219546, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,194490, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,358655, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,286026, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,55, Private,401473, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,197967, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,46, Local-gov,216647, 10th,6, Divorced, Protective-serv, Unmarried, White, Female,0,0,20, United-States +<=50K,70, Self-emp-not-inc,355536, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,20, Private,193130, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,46, Self-emp-inc,67725, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,35, Private,209629, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,143964, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,57, Self-emp-inc,249072, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +>50K,64, ?,285742, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,130221, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Federal-gov,201815, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,30, United-States +>50K,43, Local-gov,67243, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,202263, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,21, Private,122048, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,29, United-States +<=50K,23, Private,231866, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,38, United-States +<=50K,35, Private,211440, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,25955, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,61, ?,274499, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,305474, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Haiti +<=50K,73, Local-gov,222702, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,5, United-States +<=50K,33, State-gov,120460, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,31657, Assoc-voc,11, Separated, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,19, Private,327079, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,234633, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,47, United-States +>50K,27, Private,203776, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +<=50K,24, Self-emp-inc,242138, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,276937, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,117528, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,41, Self-emp-not-inc,171351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,138471, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Local-gov,329341, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,57, Private,62539, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1876,38, United-States +<=50K,58, Private,265579, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,218215, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,39, Federal-gov,116369, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,403107, Preschool,1, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Mexico +>50K,29, State-gov,103389, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,4787,0,40, United-States +<=50K,26, State-gov,624006, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,344094, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,147377, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,90579, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,5013,0,50, United-States +>50K,47, Private,91972, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,35, United-States +>50K,59, Self-emp-not-inc,275236, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,340432, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,158592, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +<=50K,48, Private,278303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,33, Self-emp-not-inc,300681, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, ? +<=50K,37, Private,160192, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,6849,0,80, United-States +<=50K,29, Private,148429, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,210474, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,510072, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Self-emp-not-inc,328906, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,4865,0,35, United-States +<=50K,26, Private,247196, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,54, Private,178839, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, England +<=50K,60, Private,178764, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,38, Private,218490, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,44047, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,125268, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Local-gov,76845, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, ? +<=50K,37, Local-gov,484475, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Male,0,0,60, United-States +<=50K,22, Private,114357, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,33, Private,219619, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, ?,33016, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,47, Local-gov,319205, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,54, ?,389182, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,60, Germany +<=50K,34, Private,262118, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,141340, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,189703, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,41, ?,307589, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,5, Philippines +<=50K,29, Private,116531, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,142621, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,327573, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,24896, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,36, Private,69251, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, Private,91716, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,93717, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,38, Self-emp-not-inc,111499, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,41, ?,193537, Assoc-acdm,12, Divorced, ?, Unmarried, White, Female,0,0,10, Dominican-Republic +<=50K,24, Private,307267, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,249196, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,64, ?,201700, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,188644, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, Mexico +<=50K,32, Private,255004, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,100145, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,18, Private,183274, 11th,7, Never-married, Other-service, Own-child, White, Female,594,0,30, United-States +<=50K,45, Self-emp-not-inc,44671, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,354351, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,346189, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,304864, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,68, Self-emp-inc,505365, Bachelors,13, Separated, Sales, Unmarried, White, Male,0,0,70, Canada +<=50K,18, State-gov,268520, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, State-gov,210295, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,103339, 10th,6, Never-married, Sales, Own-child, White, Female,0,1719,16, United-States +<=50K,33, Private,145437, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,48, Private,56071, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,233729, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,50, United-States +<=50K,41, Private,265932, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,74, Private,154347, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,10, United-States +<=50K,40, Private,277507, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,1669,40, United-States +>50K,53, Federal-gov,172898, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,47, Private,182655, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,52, United-States +<=50K,20, ?,175431, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,181460, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,37, United-States +<=50K,38, Private,149771, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,44, Private,45363, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,44, United-States +<=50K,48, Private,180010, Some-college,10, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,36, ?,103886, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,20, Private,233198, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,124974, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,61, ?,29059, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,34, Private,136331, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,106900, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,314464, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,51, State-gov,152810, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,50, State-gov,76728, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,42, Private,55854, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,36801, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,51, ?,243631, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,2105,0,20, South +<=50K,46, Local-gov,155654, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,173987, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,115725, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,21, Private,154556, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, ? +>50K,33, Self-emp-not-inc,234976, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,122913, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,187411, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,193285, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, ?,96219, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,20, Private,117767, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-inc,81534, HS-grad,9, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,22, Private,202125, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,225660, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, State-gov,203279, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,40, Self-emp-not-inc,151960, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,38, United-States +>50K,48, Private,368561, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,37, United-States +<=50K,30, Private,202046, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +>50K,61, Private,197286, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,285570, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,380899, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,325217, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,26, Private,111058, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,27, State-gov,162312, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,50, South +<=50K,41, Self-emp-inc,136986, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Federal-gov,97654, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,229116, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +>50K,43, Private,159549, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,29, Private,195760, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,44, Self-emp-inc,277788, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Portugal +<=50K,37, State-gov,120201, Some-college,10, Divorced, Adm-clerical, Own-child, Other, Female,0,0,40, United-States +<=50K,24, Private,236601, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,2339,43, United-States +<=50K,65, ?,94809, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,219757, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,35, Local-gov,160728, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,308945, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +>50K,47, Self-emp-not-inc,185859, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103,0,60, United-States +<=50K,47, ?,163748, Masters,14, Divorced, ?, Unmarried, White, Female,0,0,35, ? +>50K,51, State-gov,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,52, United-States +<=50K,38, Federal-gov,77792, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,56, United-States +<=50K,44, Private,114753, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,38, United-States +<=50K,24, Private,234259, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,152617, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,204567, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,60, Self-emp-not-inc,145209, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,40, Private,240698, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,72, ?,195181, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,27, Private,299536, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,55, United-States +>50K,36, Private,238802, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,44, Private,150519, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,237903, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,257940, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, Private,383670, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,44, Private,179666, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,259727, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,52, Federal-gov,277772, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,67198, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,41, Private,22419, 9th,5, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,42, Private,99373, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Federal-gov,147629, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,35, United-States +<=50K,31, Self-emp-not-inc,145714, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,49358, 12th,8, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,214956, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +<=50K,29, Private,66172, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Local-gov,136749, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,27, ?,258231, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,35, ? +<=50K,19, Private,43937, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,33, Self-emp-not-inc,114639, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,104090, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Scotland +<=50K,21, Private,137510, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, Germany +<=50K,23, Private,123586, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Male,0,0,25, United-States +>50K,45, Private,293628, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Philippines +>50K,37, Federal-gov,239409, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,593246, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,36, Private,30269, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,7298,0,32, United-States +<=50K,31, Private,48456, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,153894, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,24, Puerto-Rico +<=50K,24, Private,182117, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,28, United-States +>50K,29, Private,231148, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, Private,184176, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-not-inc,29702, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,85, United-States +>50K,40, Private,276759, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,36, Private,179731, HS-grad,9, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,20, ? +<=50K,64, Private,234570, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,143485, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,143062, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,146516, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,48, United-States +<=50K,19, ?,180395, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,36, United-States +>50K,32, Private,108256, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,211392, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,26, Federal-gov,271243, 12th,8, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,25, Local-gov,197822, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,40, Self-emp-not-inc,167678, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Dominican-Republic +>50K,30, Private,30101, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,232220, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, ?,212588, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,53, United-States +<=50K,35, Private,306156, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,70985, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,58, Private,185459, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,91141, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,42, Private,347653, Bachelors,13, Divorced, Other-service, Unmarried, White, Male,0,0,60, United-States +<=50K,31, Private,189759, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,272792, Bachelors,13, Divorced, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,27, ?,95708, 11th,7, Divorced, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,71, ?,111712, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,32, Private,132767, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,162245, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,78, Self-emp-not-inc,152148, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,54, ?,186565, Masters,14, Divorced, ?, Not-in-family, White, Male,0,0,1, United-States +<=50K,22, Private,193385, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,31, Private,185778, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,162370, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,0,0,35, Iran +<=50K,38, Private,340763, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,2339,47, United-States +<=50K,77, Private,148949, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,3818,0,30, United-States +>50K,62, Self-emp-not-inc,147393, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,187203, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,147206, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,65, Private,228182, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,177426, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,32, ?,161288, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,133530, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,45, Private,117849, 11th,7, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,70, Private,132670, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,9386,0,4, United-States +>50K,38, Self-emp-inc,98360, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,226500, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,35644, Assoc-voc,11, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,34, Private,49325, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,19, Private,142738, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,14084,0,20, United-States +<=50K,54, Self-emp-not-inc,207841, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +>50K,32, Private,269355, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,50, United-States +>50K,32, Self-emp-inc,190290, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,209034, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,174571, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,198583, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,35, United-States +<=50K,28, Private,128055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,319271, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,91857, HS-grad,9, Divorced, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,376416, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,323829, HS-grad,9, Divorced, Protective-serv, Other-relative, White, Male,0,0,45, United-States +<=50K,22, Private,209646, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,6, United-States +<=50K,28, State-gov,90872, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,287454, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,208946, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,37, Local-gov,130805, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,99, United-States +<=50K,23, Private,247090, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,55, United-States +<=50K,21, Private,249150, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,57, Private,187138, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,166497, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,50, Private,155433, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,45, State-gov,164593, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +<=50K,37, Private,211168, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, United-States +<=50K,24, Self-emp-not-inc,162688, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Local-gov,185072, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,50, Private,154153, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,166258, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,190650, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,60, State-gov,165792, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,61, Private,313170, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,188279, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +<=50K,27, Self-emp-not-inc,209301, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,194820, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,42, United-States +>50K,36, Private,171393, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,268282, 7th-8th,4, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,23, Private,219519, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,30, United-States +>50K,44, State-gov,369131, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,195571, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,57, Private,114686, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,2202,0,44, United-States +<=50K,24, Private,356861, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,156848, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,66, Private,147766, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Local-gov,134768, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,156882, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,21, Private,131404, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +>50K,32, Self-emp-inc,233727, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,60, United-States +<=50K,21, ?,216867, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, Mexico +<=50K,48, Private,168556, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,63, Private,60459, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +>50K,42, Private,212894, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,23, United-States +<=50K,17, Private,41865, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,5, United-States +<=50K,30, Private,175413, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,35, United-States +<=50K,33, Private,149902, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,180497, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,52, United-States +>50K,39, Self-emp-not-inc,107302, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,35, United-States +<=50K,33, Private,93283, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,264351, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,59, State-gov,136819, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,8, United-States +<=50K,32, Self-emp-not-inc,295010, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Private,291904, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, Black, Female,0,0,20, United-States +<=50K,21, Self-emp-inc,225442, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,57, State-gov,170108, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,19, Private,193859, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,2176,0,35, Germany +>50K,38, Local-gov,326701, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,38, State-gov,196373, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,20, Private,258730, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,190293, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Local-gov,170263, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,300275, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,255254, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,37, United-States +<=50K,51, Private,166461, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,5455,0,40, United-States +<=50K,27, Private,96219, HS-grad,9, Divorced, Other-service, Own-child, White, Female,3418,0,32, United-States +<=50K,38, Self-emp-inc,186845, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,99697, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,143069, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,53, Private,117674, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,261504, HS-grad,9, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0,0,40, Dominican-Republic +<=50K,37, Private,29660, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,202560, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,178713, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Private,100734, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,112009, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,69, Private,144056, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,70209, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,143816, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,30, United-States +<=50K,23, ?,164732, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,10, United-States +<=50K,30, State-gov,714597, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,45, United-States +>50K,71, Private,187703, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,11678,0,38, United-States +<=50K,53, Private,418901, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,22, Private,169188, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,70554, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,31801, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +<=50K,25, Self-emp-not-inc,195000, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,215392, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,45, United-States +<=50K,33, Private,97723, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,121012, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,218956, 12th,8, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,171003, 7th-8th,4, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Self-emp-inc,154782, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,27, ?,132372, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,40, ? +<=50K,18, ?,151404, 11th,7, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,816750, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +<=50K,67, Private,92943, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,21, United-States +<=50K,47, ?,104489, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,55, Self-emp-not-inc,218456, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, Hungary +<=50K,39, Private,301614, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,307134, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,37, State-gov,106347, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +>50K,36, Private,127961, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Self-emp-inc,206297, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,171156, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,104729, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, Mexico +>50K,47, Private,85109, Some-college,10, Never-married, Sales, Not-in-family, White, Male,13550,0,45, United-States +<=50K,25, Private,199143, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,110371, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,250782, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,281574, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,6849,0,43, United-States +<=50K,28, Private,147889, 10th,6, Married-AF-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,298753, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,55, Private,248841, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-inc,274948, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,41763, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,27, ?,176683, Some-college,10, Never-married, ?, Own-child, White, Male,0,1719,40, United-States +>50K,37, Private,385251, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,145964, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,33460, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, State-gov,121586, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,112008, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Germany +<=50K,24, Private,163053, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, ?,34446, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,33, Self-emp-not-inc,147201, Bachelors,13, Separated, Prof-specialty, Own-child, Black, Male,0,0,35, United-States +<=50K,60, Private,491214, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,36, Private,102729, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,37, ?,70282, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,48, Self-emp-inc,216214, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,43, Private,212206, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,53, Local-gov,235567, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,356410, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,26, Private,223558, HS-grad,9, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,63, Federal-gov,160473, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,150999, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,41, Private,230961, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,169114, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Male,0,1429,40, United-States +>50K,39, Private,301070, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,163687, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,180419, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,114828, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,4, United-States +>50K,44, Private,208606, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,165977, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,110408, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,266047, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,176124, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,144063, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,75, United-States +<=50K,29, Self-emp-inc,446724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,59, Private,357118, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,102388, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,27, Private,191515, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,94413, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,3325,0,40, United-States +>50K,42, Federal-gov,32627, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,37, Private,218249, 11th,7, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,308798, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,199005, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,29, State-gov,108432, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,149218, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,552529, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +>50K,43, Private,222596, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Poland +<=50K,31, Private,168961, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, Private,206951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,386236, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, Mexico +<=50K,20, Private,196388, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,32, Private,162675, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, Cuba +<=50K,38, Private,187847, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,186934, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,75, ?,27663, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,180271, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,35, Private,215503, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, Canada +>50K,40, Private,110862, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,197905, Some-college,10, Widowed, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,25, Private,355124, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,2001,40, Mexico +<=50K,29, Self-emp-not-inc,109621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,194995, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,137136, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,55, United-States +<=50K,47, Private,67229, 11th,7, Divorced, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,197033, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,187746, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,3325,0,25, United-States +>50K,40, Private,98211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,54298, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,48, Self-emp-not-inc,49275, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1485,50, United-States +<=50K,22, Private,237386, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,67243, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,168191, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,2, Italy +<=50K,25, Private,132327, Some-college,10, Separated, Adm-clerical, Other-relative, Other, Female,0,0,40, Ecuador +<=50K,17, Private,175109, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,61, State-gov,224638, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,128487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,30, Private,179747, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,195416, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,44, United-States +<=50K,37, Private,176949, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,114691, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,27, State-gov,122540, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Private,93461, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,30, United-States +>50K,45, Private,54098, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,333838, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,174789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,70, Private,227515, 10th,6, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, Greece +>50K,45, Federal-gov,391585, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,50, United-States +<=50K,23, Private,83315, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,10, United-States +<=50K,22, Private,213310, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,127303, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,255476, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,35, Mexico +>50K,40, Private,320451, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,33, Private,454717, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,374474, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,19, Private,78401, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,168887, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,55, Private,254711, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,196678, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,53, Private,217201, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, United-States +<=50K,24, Private,160398, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,288829, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,42, United-States +<=50K,20, Private,185706, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,201615, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Female,0,0,37, United-States +<=50K,48, Private,157092, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,130561, 11th,7, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +<=50K,33, Private,202450, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,303942, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Local-gov,339346, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,60, United-States +<=50K,21, ?,234838, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,42, Private,38389, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,147548, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,62, Self-emp-not-inc,116626, Doctorate,16, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Local-gov,110110, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,65, United-States +>50K,44, Private,230478, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,398220, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,38, Self-emp-not-inc,187346, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,59, Self-emp-not-inc,175827, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,211494, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1980,55, United-States +>50K,59, Private,105745, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,237428, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1504,40, United-States +>50K,40, Private,200766, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,22, State-gov,24896, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +>50K,35, Private,107164, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,202083, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Canada +<=50K,45, State-gov,53768, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,48, Private,159577, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, ?,209674, 7th-8th,4, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,21, Private,309348, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,31, Private,206046, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,65, Self-emp-not-inc,227531, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Self-emp-not-inc,135339, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,45, India +<=50K,18, Private,155503, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,65, Self-emp-not-inc,176835, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,7978,0,40, United-States +<=50K,18, Private,163067, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,212607, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,44, Puerto-Rico +>50K,53, Self-emp-inc,162381, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,34, Private,195890, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,33, Federal-gov,49358, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,136077, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,43, Private,119297, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,48947, Assoc-voc,11, Widowed, Other-service, Unmarried, White, Female,0,0,13, United-States +<=50K,49, Self-emp-not-inc,32825, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,21, State-gov,82847, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,61, Private,119684, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,264143, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,24, United-States +<=50K,45, Private,30690, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,10, United-States +<=50K,24, Private,113631, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,366889, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,393962, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,48, Private,165484, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,40, Federal-gov,90737, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +>50K,34, Private,379798, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,190911, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,72887, 11th,7, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,65, Private,192309, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,58, Self-emp-not-inc,98361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,121253, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,0,0,29, United-States +>50K,56, State-gov,270859, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,48, United-States +<=50K,26, Self-emp-not-inc,223705, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, Columbia +>50K,45, Private,125892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,37, Self-emp-not-inc,202683, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,58, ?,99131, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,7298,0,40, United-States +<=50K,56, Private,197577, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Without-pay,43627, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,37, Private,175185, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,377405, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,47541, Masters,14, Never-married, Transport-moving, Not-in-family, White, Male,0,0,25, United-States +>50K,36, Private,218729, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,26, Local-gov,197430, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Private,259010, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +<=50K,49, Private,121124, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,334593, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,374764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,59, Private,192845, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,144524, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-inc,136402, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,255847, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,177955, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,24, El-Salvador +>50K,35, Private,151835, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,18, Private,65098, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,27, Self-emp-not-inc,328119, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Mexico +>50K,55, Private,125147, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,52, Private,62834, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,51, State-gov,230095, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,41, Federal-gov,348059, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,425622, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,25, Local-gov,336320, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,225809, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Private,216073, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,27, Private,267912, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,52, Mexico +>50K,28, Private,108706, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,43, Private,575172, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,32, United-States +<=50K,18, Private,311489, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,26, United-States +>50K,46, Private,189123, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,95998, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,50, Self-emp-inc,177487, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,30, Private,213002, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,14, United-States +<=50K,55, Private,272723, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,58, Private,84231, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,475322, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,1617,35, United-States +<=50K,25, Private,120268, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,1741,40, United-States +<=50K,22, ?,60331, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,59, Private,172618, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,56, United-States +<=50K,36, State-gov,173273, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,52921, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,210364, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,87310, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,2174,0,40, United-States +>50K,51, Private,332489, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Germany +<=50K,31, Private,100333, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, Private,216867, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, ?,177974, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,292110, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,39, Federal-gov,219137, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,159589, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,40, United-States +<=50K,38, Private,186815, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,21, Private,22149, HS-grad,9, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,22, Private,228724, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, State-gov,187392, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,105930, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,53, State-gov,182907, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,322025, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,5, United-States +<=50K,21, Private,263886, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,34, Local-gov,362775, 10th,6, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,30, United-States +>50K,53, Private,96062, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, ?,191665, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,2205,40, United-States +<=50K,32, Self-emp-not-inc,159322, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,1980,80, United-States +<=50K,33, Local-gov,163867, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +>50K,34, Self-emp-not-inc,136204, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,32, United-States +<=50K,61, Private,160431, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,163324, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,32, ?,161309, Prof-school,15, Married-civ-spouse, ?, Wife, White, Female,15024,0,50, United-States +<=50K,26, Private,208881, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,37, Self-emp-not-inc,183127, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,192225, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,222081, Bachelors,13, Never-married, Prof-specialty, Other-relative, Black, Female,0,0,35, United-States +<=50K,28, Private,183627, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,187921, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,25497, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,4101,0,40, United-States +>50K,45, Private,353824, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,30, Private,250804, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,385583, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,84788, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,127704, 7th-8th,4, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, ?,99208, Preschool,1, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,45, Private,347993, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, Mexico +<=50K,48, Private,175958, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,36, Self-emp-not-inc,278553, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,15024,0,75, United-States +<=50K,49, Private,186009, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,43, United-States +<=50K,31, Private,55104, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,65, Local-gov,179411, HS-grad,9, Widowed, Tech-support, Unmarried, White, Female,0,0,35, United-States +<=50K,56, Private,68452, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Local-gov,202027, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,113401, 10th,6, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,186934, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,190020, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,198493, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,256448, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,30, Private,622192, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,6, United-States +<=50K,77, Private,133728, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,181824, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,17, Private,286422, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,59, Private,378585, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,44, Private,121012, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,45, United-States +<=50K,33, Private,164864, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,323,40, United-States +<=50K,17, Private,74706, 11th,7, Never-married, Priv-house-serv, Own-child, White, Male,0,0,20, United-States +>50K,22, Private,185582, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,43, Private,132633, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, ? +>50K,42, Federal-gov,230438, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,175540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,115304, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,340269, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,45, United-States +<=50K,33, Private,171889, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,52, Private,94873, HS-grad,9, Widowed, Other-service, Unmarried, White, Male,0,0,19, United-States +<=50K,34, ?,144194, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,141131, 12th,8, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +<=50K,25, Private,192735, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,33, Self-emp-not-inc,238186, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,98, United-States +<=50K,23, Private,305609, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,52, United-States +<=50K,29, Private,312845, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,33884, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,264874, Assoc-voc,11, Never-married, ?, Other-relative, White, Female,0,0,40, ? +<=50K,31, State-gov,268832, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,42, Private,99651, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,257597, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +<=50K,54, Self-emp-inc,195904, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,266497, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,63, Private,287972, Bachelors,13, Widowed, Other-service, Other-relative, Black, Female,0,0,20, United-States +<=50K,46, Private,200569, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,62, Local-gov,117292, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,45, United-States +<=50K,64, ?,223075, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,54, Private,175339, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Self-emp-inc,333197, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,2205,45, United-States +<=50K,61, Private,53707, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,73, Private,39212, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,52, Private,228500, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,234663, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +<=50K,52, ?,88073, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,420040, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,126517, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,20, United-States +<=50K,31, Private,238002, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, Mexico +<=50K,53, State-gov,21412, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,147804, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,222445, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,36, Private,126675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,301080, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,382532, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,33, Private,232356, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,167350, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,50, United-States +<=50K,28, ?,375703, HS-grad,9, Divorced, ?, Other-relative, Black, Female,0,1721,40, United-States +<=50K,33, Private,252708, 12th,8, Never-married, Sales, Other-relative, White, Female,0,0,40, Mexico +<=50K,33, Private,186824, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,176101, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,175121, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,355850, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,1602,15, United-States +<=50K,45, Private,180931, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,45, State-gov,30219, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,350387, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, India +<=50K,24, Private,194247, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,137653, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,131762, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,31, Self-emp-not-inc,283587, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,33, Self-emp-inc,218164, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,55, United-States +>50K,41, Private,287581, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,41, Private,281725, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,63, Private,50120, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1573,25, United-States +<=50K,39, Private,156667, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,18, United-States +<=50K,28, Private,566066, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,45, United-States +>50K,42, Private,121352, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, ? +<=50K,18, Private,260977, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,90860, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,42, Private,218302, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,170142, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,33, Local-gov,171889, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,43, United-States +<=50K,34, Private,193172, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,18, Private,164134, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,66, Private,204283, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,51, ?,81169, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,38, United-States +>50K,39, Private,92143, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,55, United-States +<=50K,35, Private,181099, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,102791, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,46, Local-gov,364548, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,42, United-States +<=50K,21, Self-emp-inc,153516, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,189528, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,84, United-States +<=50K,66, Local-gov,154171, Some-college,10, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,20, United-States +<=50K,25, Private,90752, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,278763, Assoc-voc,11, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,47, United-States +<=50K,28, Private,253581, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,59660, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Self-emp-not-inc,170988, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,18, ?,160984, 11th,7, Never-married, ?, Own-child, White, Female,0,0,6, United-States +<=50K,24, Private,493732, 1st-4th,2, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, Mexico +<=50K,36, Private,325802, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,196344, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Guatemala +>50K,32, State-gov,316589, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,365739, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,309990, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,241852, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,184105, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,134680, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,274545, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,36, Private,207853, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,65, United-States +<=50K,25, Private,284061, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,62, Private,186446, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,43, United-States +<=50K,22, Private,255575, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,52, Federal-gov,302661, Assoc-acdm,12, Widowed, Exec-managerial, Unmarried, White, Male,13550,0,40, United-States +<=50K,52, Private,148509, 10th,6, Married-spouse-absent, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0,0,45, ? +>50K,48, Private,211239, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,70, Private,50468, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,3175,15, United-States +>50K,41, Private,316820, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,21, Private,145964, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,60, United-States +<=50K,39, Private,185084, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,183111, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,28, Private,63042, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,31, Private,339738, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, Black, Male,0,0,40, United-States +<=50K,23, Private,273049, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,54, State-gov,239256, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,110102, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,1668,77, United-States +<=50K,29, State-gov,165764, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, United-States +<=50K,22, Private,152744, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,10, United-States +>50K,57, Local-gov,212303, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,118544, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,39, Private,269548, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,70, Mexico +>50K,25, State-gov,319303, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,2472,40, United-States +<=50K,74, Without-pay,216001, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,45, Private,205816, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,427437, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Private,198259, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,54314, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,32, Private,195744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Local-gov,294547, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,48, United-States +<=50K,50, Private,77521, 11th,7, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,288158, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,125010, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +>50K,32, Private,80945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Nicaragua +<=50K,21, Private,33016, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +>50K,42, Private,388725, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Local-gov,347136, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,53, Self-emp-inc,158294, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999,0,75, United-States +<=50K,34, Private,362787, 10th,6, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,29, Private,39388, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,322691, Masters,14, Widowed, Exec-managerial, Own-child, White, Male,0,0,62, United-States +<=50K,29, Private,31659, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,2202,0,45, United-States +<=50K,70, Private,176940, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,26, Local-gov,189027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,98719, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,58, Private,172238, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,23, ?,170456, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,5, United-States +<=50K,27, Private,129009, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,17, Private,247580, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,18, United-States +<=50K,29, Private,204516, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +<=50K,26, Private,192652, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +>50K,31, Private,336543, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,29, ?,143938, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, Private,272591, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Local-gov,312372, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,28, Local-gov,172270, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,342414, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,24, United-States +<=50K,58, Private,123886, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,23, Private,398130, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,96, United-States +<=50K,34, Private,142989, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,331539, HS-grad,9, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,40, United-States +<=50K,19, Private,225156, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,311863, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Local-gov,170682, 11th,7, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,32, United-States +<=50K,21, Private,96178, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,37932, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,49, Private,198126, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,344275, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, ? +<=50K,37, Private,112497, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,178487, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,1669,40, United-States +<=50K,44, Private,55395, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,131239, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,104772, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908,0,40, United-States +<=50K,53, Private,427320, Bachelors,13, Divorced, Other-service, Not-in-family, Black, Male,3325,0,40, United-States +<=50K,34, ?,73296, 11th,7, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,216853, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,40, Private,259757, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,200734, HS-grad,9, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,50, Nicaragua +<=50K,19, ?,87515, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,44, Germany +<=50K,18, Private,161245, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,32, Private,262024, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,38, United-States +<=50K,21, Private,287681, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,27, Private,303601, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,365410, Some-college,10, Separated, ?, Other-relative, White, Female,0,0,99, United-States +<=50K,29, Self-emp-not-inc,394356, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,263150, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +>50K,45, State-gov,86618, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,120277, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,45, United-States +<=50K,63, Federal-gov,90393, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,26, Self-emp-inc,79078, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, State-gov,197344, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,120998, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +>50K,36, Private,37522, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,44, Private,96321, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,217302, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,69, Private,137109, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,40, Private,227823, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, White, Female,0,0,70, United-States +<=50K,37, Private,22149, HS-grad,9, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,18, United-States +>50K,39, Private,176900, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,57, Private,154368, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,183445, HS-grad,9, Separated, Priv-house-serv, Own-child, White, Female,0,0,40, Guatemala +<=50K,23, Private,193537, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,20, Private,313873, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,46, Private,34186, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,271807, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,16, United-States +<=50K,67, ?,46449, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,31, Private,128065, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,176486, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,191072, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,34452, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, State-gov,123253, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,113461, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,116267, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,15, Columbia +<=50K,32, Private,30433, Bachelors,13, Never-married, Tech-support, Other-relative, White, Female,0,0,72, United-States +<=50K,25, Private,198512, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,131826, Prof-school,15, Widowed, Prof-specialty, Unmarried, White, Male,99999,0,50, United-States +<=50K,35, Private,129764, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,32, Private,49398, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,17, Local-gov,292285, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +>50K,61, Federal-gov,91726, Masters,14, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,178282, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Private,227458, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,51, United-States +<=50K,32, Private,183470, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,42, United-States +<=50K,41, Private,275446, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Private,328013, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,65, United-States +<=50K,19, Private,382688, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +<=50K,18, Private,122988, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,25, Private,175537, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,256278, HS-grad,9, Never-married, Other-service, Other-relative, Other, Female,0,0,35, El-Salvador +>50K,34, Private,161153, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,48189, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,36, Private,186531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,96866, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,35, Private,117555, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,98549, HS-grad,9, Never-married, ?, Own-child, White, Female,0,1602,35, United-States +<=50K,39, Private,101782, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,234753, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,34, United-States +>50K,59, Private,59469, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,614113, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,47, Private,203505, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Female,0,0,23, United-States +<=50K,27, Private,128365, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,56, Private,36990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,52, United-States +<=50K,18, Private,303240, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,76, ?,217043, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +>50K,56, Private,176079, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,24, United-States +>50K,40, Self-emp-inc,266047, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +>50K,39, Self-emp-inc,285890, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, Haiti +<=50K,24, Private,70261, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,214236, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,143385, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,150507, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,292264, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,110861, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,225064, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,154120, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Trinadad&Tobago +<=50K,17, Private,34465, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,29, Private,89598, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2057,35, United-States +<=50K,54, Private,183668, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,189382, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,1504,40, United-States +>50K,67, ?,165103, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2174,50, United-States +<=50K,48, Private,44216, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,17, Private,150471, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,41, Private,32627, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,153109, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,29, Private,352451, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,176716, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,46, Federal-gov,171850, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,42, Private,260496, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,36, Private,154410, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,31, Self-emp-not-inc,23500, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +>50K,60, Private,178312, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,1902,70, United-States +>50K,50, Private,62593, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,30, Private,123291, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,313817, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,57, State-gov,229270, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,1579,37, United-States +<=50K,43, Private,212027, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,38, United-States +<=50K,58, Private,259532, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,26, Local-gov,213258, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,316337, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,38, Private,179123, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,191765, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Scotland +>50K,59, Self-emp-inc,188877, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,55395, Some-college,10, Married-spouse-absent, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,161051, Some-college,10, Never-married, Tech-support, Own-child, Black, Female,0,0,4, United-States +<=50K,30, Private,241844, HS-grad,9, Separated, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,232142, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,80, United-States +>50K,43, Private,311534, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,68, Self-emp-not-inc,128986, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,18, Private,67019, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,208826, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +>50K,43, Private,256813, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,44, Private,160919, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,107584, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,59, Self-emp-inc,159472, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,408318, 7th-8th,4, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,25, Mexico +>50K,61, Private,194956, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, State-gov,21764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,37, Private,277347, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,104455, Some-college,10, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0,0,90, United-States +<=50K,30, Private,117584, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,20, United-States +<=50K,38, Private,131288, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,99014, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,141003, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,344014, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,1741,40, United-States +<=50K,45, Private,175600, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Local-gov,240504, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,1902,50, United-States +<=50K,20, Private,174436, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,29, Private,194869, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Private,164901, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +<=50K,62, Private,72886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,130126, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-inc,196514, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,103651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,261419, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,61, Private,206339, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,445365, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,227466, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,49, Private,96854, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,163595, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, State-gov,181096, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,20, United-States +<=50K,24, Private,95984, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,37, Private,472517, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,4, United-States +>50K,46, Local-gov,60751, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,107302, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,41, Private,106501, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,23, Private,32732, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,174789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,39, Private,301628, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,27436, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,93977, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,139127, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,258231, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Self-emp-not-inc,136309, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,266433, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,140363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,58, Private,179715, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +>50K,55, Private,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Private,35520, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +>50K,46, Private,101320, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,42, United-States +>50K,40, Private,210857, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,40, Self-emp-not-inc,60949, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Local-gov,139095, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,233493, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1579,40, United-States +<=50K,36, Private,176249, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +<=50K,29, Private,187746, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,49593, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,240160, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,63, Private,76286, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, India +<=50K,23, Private,65225, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,225330, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,101562, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,52, Self-emp-not-inc,27539, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,72, United-States +<=50K,60, Local-gov,227311, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, ?,51260, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,256609, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,35, Local-gov,123939, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Federal-gov,203182, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,40, United-States +<=50K,38, Private,111128, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,112451, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,44, ?,177461, Some-college,10, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,24, Private,332155, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,42, Local-gov,178983, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,37, United-States +<=50K,54, Private,199392, 5th-6th,3, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, Nicaragua +<=50K,19, Private,311015, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,126038, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,402124, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,198660, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, ?,228457, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,223267, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,78, United-States +<=50K,22, Self-emp-not-inc,249046, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,45, Self-emp-not-inc,127948, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,154785, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, China +<=50K,28, Private,248404, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,137978, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,133250, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,402771, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,23, United-States +<=50K,47, ?,97075, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,116234, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +<=50K,25, Local-gov,262818, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, Guatemala +<=50K,47, Private,138342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,50, Private,123374, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,202373, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,20, United-States +<=50K,54, Self-emp-not-inc,180522, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,24, Local-gov,140647, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,50, Private,136898, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,55, ? +<=50K,29, Private,140927, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,114055, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,3325,0,40, United-States +<=50K,46, Private,114222, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,51089, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,46, Private,37353, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,379672, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,64, Private,130727, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,2174,0,37, United-States +>50K,51, Private,172046, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,228764, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,376393, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,53, Private,185283, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,195789, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,50, Private,243115, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,74, Private,147558, Some-college,10, Divorced, Sales, Not-in-family, White, Female,7262,0,30, United-States +<=50K,22, State-gov,62865, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,25, Self-emp-not-inc,275197, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,124015, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,282951, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,105253, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,31, Private,119164, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, ? +<=50K,35, Self-emp-not-inc,263081, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,84, United-States +<=50K,54, Private,96062, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,44942, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,48, United-States +<=50K,37, Federal-gov,127879, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,109633, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,109404, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,56, Private,126677, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +>50K,52, Private,101113, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,66, United-States +<=50K,40, Private,117523, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Columbia +>50K,29, Private,183523, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,46, Self-emp-not-inc,311231, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,459556, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, United-States +<=50K,37, Private,95551, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,126675, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,32, Private,200246, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,108435, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Italy +<=50K,18, Private,141332, 11th,7, Never-married, Sales, Own-child, Black, Male,0,0,8, United-States +<=50K,48, Private,117310, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,26, Private,182380, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,64, ?,226878, Masters,14, Married-civ-spouse, ?, Wife, Black, Female,9386,0,50, Jamaica +<=50K,49, Private,123807, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,109539, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Local-gov,38455, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +<=50K,56, Private,294209, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,33, Private,130215, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,35, ? +<=50K,29, Private,285294, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,168221, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,55, Private,288907, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,4787,0,40, United-States +<=50K,26, Private,391349, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,32, Private,170276, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,46, United-States +<=50K,33, Private,117963, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,55, United-States +>50K,54, Local-gov,68015, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,285208, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,181091, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,44, Self-emp-not-inc,53956, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,57, United-States +>50K,47, Federal-gov,198223, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,90, Self-emp-not-inc,83601, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Male,1086,0,60, United-States +<=50K,26, Self-emp-not-inc,201579, 5th-6th,3, Never-married, Prof-specialty, Unmarried, White, Male,0,0,14, Mexico +<=50K,44, Private,137367, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +<=50K,33, Private,227325, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,60, Scotland +<=50K,28, Private,129814, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,193050, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,18, United-States +<=50K,33, Private,204557, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,165743, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,48935, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,30, United-States +>50K,70, Private,177906, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514,0,40, United-States +<=50K,18, Private,93985, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,148351, 7th-8th,4, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, ? +<=50K,65, Local-gov,172646, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,145409, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,48, Private,548568, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,117849, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,320425, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,158734, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,59, Private,168416, HS-grad,9, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,36, Poland +>50K,63, Self-emp-not-inc,33487, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,205072, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,210525, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,32948, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Self-emp-inc,196689, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,87032, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,325159, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,52131, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,266439, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,61850, Masters,14, Never-married, Sales, Other-relative, White, Female,0,0,21, United-States +<=50K,19, Private,163015, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,225135, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-inc,109001, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,60, United-States +>50K,33, Private,45796, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,214987, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174,0,40, United-States +<=50K,19, Private,311974, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +>50K,48, Private,77404, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,43, Private,153132, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,64631, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,151364, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, United-States +<=50K,25, Private,87487, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,41, Self-emp-not-inc,200479, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,66, Private,30740, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,15, United-States +>50K,59, Private,153484, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,214385, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,35, United-States +<=50K,29, ?,565769, Preschool,1, Never-married, ?, Not-in-family, Black, Male,0,0,40, South +<=50K,44, Self-emp-not-inc,92162, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,210945, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,63105, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,44, Private,185602, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,37, Self-emp-inc,329980, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,70, Local-gov,111712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,22, United-States +<=50K,25, Local-gov,48317, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,42, Private,84661, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,121622, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,37514, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,72, Private,174993, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,56, Private,159472, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,195635, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,108282, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,55946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,123306, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,284250, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,60, Private,113443, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,309178, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,69236, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,34, Local-gov,182926, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Private,126675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,187693, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,56, Private,41100, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, State-gov,261839, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,97197, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,29, Private,260645, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,56, Private,116878, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,49, ?,227690, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,199411, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,194813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,47, Private,177087, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,2444,50, United-States +>50K,44, Self-emp-not-inc,242434, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,27828,0,60, United-States +<=50K,27, Private,399123, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,1719,40, United-States +<=50K,47, Private,216999, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,47270, 12th,8, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Federal-gov,122215, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,37898, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,38, Private,61343, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,32533, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,296897, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,201101, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,155293, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,101593, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, State-gov,104908, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,139023, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Private,429832, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,352542, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,29559, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,38, United-States +>50K,61, Local-gov,205711, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,49, Private,160706, 11th,7, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Puerto-Rico +>50K,59, Federal-gov,101626, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,245226, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Private,118286, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,187703, Assoc-voc,11, Never-married, Other-service, Other-relative, White, Male,0,0,40, Guatemala +<=50K,49, Private,289707, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,32, Private,68330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,33, Private,118786, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1590,40, United-States +<=50K,45, Private,203785, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,32732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,54, Local-gov,204567, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Self-emp-not-inc,131808, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,80, United-States +<=50K,22, Private,33272, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,55, Private,117477, 11th,7, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,36, Self-emp-not-inc,240191, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,41310,0,90, South +<=50K,38, Private,93287, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,127651, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,57, Private,222477, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,8, United-States +<=50K,23, Private,345734, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,111567, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,108293, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,34, Private,424988, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,38, Local-gov,94529, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3103,0,50, United-States +<=50K,42, Private,163322, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,52, Local-gov,181132, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,32, Private,140092, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,131913, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,74, Private,175945, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,28, United-States +<=50K,48, Private,247053, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Self-emp-not-inc,226203, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,205865, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2179,60, United-States +<=50K,22, Local-gov,200109, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,175029, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,55465, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,36989, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,255685, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,25, United-States +<=50K,30, Private,180765, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,34, Self-emp-not-inc,180607, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,39, Private,48063, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +>50K,37, State-gov,159491, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,167789, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,23, Private,124971, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, State-gov,61710, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,32, Private,127895, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,390348, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,44, Japan +>50K,25, Private,205337, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,260954, 10th,6, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, ?,331237, HS-grad,9, Separated, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,22, Private,177526, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,2907,0,30, United-States +<=50K,27, Private,113882, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,4508,0,40, United-States +<=50K,32, Private,29144, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Local-gov,124685, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,18, Private,88440, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,36, United-States +<=50K,28, Private,265074, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Local-gov,306985, Masters,14, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,2415,50, United-States +<=50K,72, Private,181494, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,76, Private,138403, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,35, Private,216473, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,36, Private,143123, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,19, Private,132717, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,23, State-gov,389792, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, United-States +<=50K,36, Private,359001, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,260052, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,15020,0,40, United-States +<=50K,20, Private,63633, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,64, Self-emp-not-inc,234192, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +>50K,53, Local-gov,237523, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,183778, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,205916, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +<=50K,31, Private,131633, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,33121, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,38, Federal-gov,32899, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,152171, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Local-gov,127441, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,23074, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, England +<=50K,42, Private,91585, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,83451, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,23, Local-gov,219122, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,81, Private,176500, 12th,8, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, ?,246862, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,35, Private,38468, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,24, ?,35633, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,11, ? +<=50K,19, Private,194608, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,269723, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,165054, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,127537, 9th,5, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,326931, 9th,5, Never-married, Transport-moving, Unmarried, Other, Male,0,0,40, El-Salvador +<=50K,24, Private,307133, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, ? +<=50K,37, Private,371576, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,160400, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,426350, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,26, State-gov,121789, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,218183, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, Private,91189, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,232190, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,38, Self-emp-not-inc,233033, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,66, Self-emp-inc,74263, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,86, United-States +>50K,33, Private,205950, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,213383, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,345577, Some-college,10, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,26, United-States +<=50K,20, ?,322144, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,158825, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,14344,0,40, United-States +>50K,64, Self-emp-inc,51286, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,6418,0,65, United-States +<=50K,36, Private,82488, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Federal-gov,40909, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,114939, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,61, Private,221534, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,149455, Some-college,10, Separated, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,68, ?,353524, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,328734, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,112906, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,44, United-States +<=50K,27, Private,155038, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,100125, Assoc-acdm,12, Divorced, Transport-moving, Unmarried, White, Female,0,0,30, United-States +<=50K,26, State-gov,177048, Some-college,10, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0,0,40, United-States +>50K,43, Private,72338, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, Private,254547, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,35, Outlying-US(Guam-USVI-etc) +<=50K,20, Local-gov,186213, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,38, United-States +>50K,39, Private,270557, Masters,14, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,48, Private,41411, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,116445, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,247540, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,1974,30, United-States +<=50K,37, Private,358753, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,37, Self-emp-not-inc,156897, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,1564,55, United-States +>50K,44, Self-emp-not-inc,360879, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,80, United-States +<=50K,51, Private,256051, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1628,40, United-States +<=50K,34, Private,179877, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,266583, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,2829,0,38, United-States +>50K,38, Private,187711, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,34, Local-gov,206707, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,63, Local-gov,80655, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,409464, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,235997, 12th,8, Widowed, Adm-clerical, Unmarried, White, Female,0,0,37, Mexico +<=50K,20, Private,59948, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,18, United-States +<=50K,30, Private,323833, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,53, Private,290290, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,1590,50, United-States +<=50K,20, ?,291746, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,77, Private,189173, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,50, State-gov,392668, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,132529, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,68080, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, ? +<=50K,17, Private,194717, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,43, Private,307767, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,90051, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3456,0,44, Canada +>50K,77, State-gov,267799, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,4, United-States +>50K,49, Private,81535, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,26, Self-emp-not-inc,334267, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,55912, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,172706, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,240467, Some-college,10, Separated, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,186006, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,37, United-States +<=50K,38, Private,65738, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,192878, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,413870, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,176341, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,66, ?,28367, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,117210, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,36, United-States +<=50K,21, ?,231286, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,25, Jamaica +<=50K,42, Private,188465, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,31, Local-gov,253456, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,140592, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,171335, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, State-gov,73928, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,24, Private,161415, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,24, Private,395297, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,30, Japan +>50K,40, State-gov,385357, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,45, State-gov,160599, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,222450, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, ?,38603, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,20, United-States +>50K,50, Private,178946, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,36, Private,106471, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,341643, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,97952, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +>50K,31, Private,111567, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,50, United-States +>50K,43, Local-gov,201764, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,153549, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +<=50K,44, Local-gov,264016, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +<=50K,42, Private,194636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,64, State-gov,184271, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Local-gov,49296, Some-college,10, Married-spouse-absent, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,60, Private,96099, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4101,0,60, United-States +<=50K,18, Self-emp-not-inc,304699, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, England +<=50K,24, Private,267181, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,40, Private,154076, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,98209, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,92003, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,103759, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,269681, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,789600, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,152165, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,260560, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-inc,214781, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,65, United-States +<=50K,64, Private,207188, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,246258, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,101563, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,7430,0,45, United-States +<=50K,60, Private,69955, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +<=50K,25, Private,124111, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,36, ? +<=50K,38, Private,237091, Some-college,10, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,36, Peru +<=50K,26, Private,318644, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,138917, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,31, Private,97405, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,196674, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,405281, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,186256, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,120277, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,161035, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +<=50K,34, Private,176244, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +>50K,54, Private,32454, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,39, Private,346478, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,196158, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,42, Federal-gov,208470, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,215616, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,23, Private,275357, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Self-emp-inc,304871, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,99185, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,23, Private,115085, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,58, Private,82050, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,123681, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,193152, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,309466, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, Local-gov,100883, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,8, Canada +<=50K,37, Private,32528, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,245199, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,72375, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,117963, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,45, Private,160440, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,64, Federal-gov,113570, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,58, ?,191830, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,232328, 9th,5, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,37, Private,92028, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,48, Private,138342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,55, United-States +<=50K,42, Private,197810, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,102142, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,104223, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,132835, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,109195, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,203463, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Local-gov,33114, 11th,7, Divorced, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,27, Private,187450, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,104213, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,257849, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,50490, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,85508, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,54, Self-emp-not-inc,60449, Bachelors,13, Widowed, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,27, Local-gov,131310, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,158177, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,10605,0,44, United-States +<=50K,65, Private,115922, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,24, United-States +<=50K,21, Private,403471, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,48, United-States +<=50K,22, Private,176131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,149531, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,262243, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,64658, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,127914, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,49, Self-emp-inc,182211, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,48520, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,43, United-States +<=50K,20, Private,403118, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +<=50K,55, Private,119344, HS-grad,9, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,46, Self-emp-not-inc,334456, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,263110, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,279015, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,58, Private,195878, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,34, Private,217652, 12th,8, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,65, Federal-gov,44807, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,129777, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,28, ?,195568, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,15, ? +>50K,44, Private,227466, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,228457, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,247053, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,188669, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,45, Private,40666, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +<=50K,57, ?,190514, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,404661, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,39986, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1740,56, United-States +<=50K,43, Private,175133, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,62, Private,101375, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,256680, Assoc-acdm,12, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,46, State-gov,136878, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,106151, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, ? +<=50K,38, ?,242221, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,38, United-States +<=50K,38, Private,101387, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,43, United-States +>50K,51, Private,196828, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, ?,195075, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,22, Private,333910, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +<=50K,46, Self-emp-not-inc,103540, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,36876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,55, Private,158651, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,24, Private,196943, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,184583, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,59, United-States +<=50K,33, Private,244817, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,386726, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,56, Self-emp-inc,373593, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, Italy +<=50K,27, Private,206199, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,93283, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, ?,103628, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,4, India +<=50K,21, Local-gov,391936, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +>50K,31, Local-gov,168740, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,150568, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,201178, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,63, Private,75813, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,34, Local-gov,398988, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,18, United-States +<=50K,38, Private,158363, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,81961, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,170017, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,348092, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,27, Private,54861, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,32, United-States +<=50K,63, Self-emp-not-inc,74991, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,0,0,60, United-States +<=50K,25, Private,106552, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,51, Private,27539, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,268913, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Iran +<=50K,63, Private,199888, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,53, Private,288216, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Self-emp-inc,378036, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,41, Private,127314, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,32, Private,115963, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,332928, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,178510, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,53147, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,37, United-States +<=50K,66, Private,115880, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818,0,40, United-States +>50K,57, Private,375502, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,49, Self-emp-not-inc,155659, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,122240, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,112305, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,46, Federal-gov,35136, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,27, Private,215423, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,16, United-States +<=50K,24, Private,116358, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,2339,40, Philippines +<=50K,17, Private,171461, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,32, Private,131584, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Self-emp-inc,29520, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,35, Local-gov,246463, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,32616, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,41, Private,144144, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,30, United-States +<=50K,75, ?,222789, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,9, United-States +<=50K,22, Private,227594, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,375606, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,180532, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,50, State-gov,54342, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,208798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,377401, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,110861, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,42, Private,144594, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,129345, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,424340, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,44, Private,187702, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,293917, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,61, Private,160143, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,50, Private,345450, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,54, State-gov,180881, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,102690, 11th,7, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,46, Private,265371, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,167333, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,447144, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,280077, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, Private,143920, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +>50K,40, Private,190507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,59469, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,74501, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,215458, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +<=50K,33, Private,281685, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,78273, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,105475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,55, Private,174260, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,149102, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,188331, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,40, United-States +<=50K,23, Private,864960, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,154526, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,60783, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,186269, HS-grad,9, Never-married, Other-service, Own-child, White, Male,2907,0,35, United-States +<=50K,30, Private,398019, 1st-4th,2, Separated, Priv-house-serv, Other-relative, White, Female,0,0,30, Mexico +<=50K,50, Federal-gov,237503, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,93762, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,59916, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,203264, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,299119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,29, Federal-gov,114072, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,46, United-States +<=50K,18, ?,167875, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,16, United-States +>50K,64, Private,130525, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,58, Private,71283, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +>50K,43, Local-gov,85440, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,136077, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +>50K,40, Private,222434, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, Canada +<=50K,25, Private,138111, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2174,0,40, United-States +<=50K,27, Private,225746, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,54, Private,240358, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, Jamaica +<=50K,25, Private,139863, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,39, Private,278632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,71046, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,312985, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2129,50, United-States +<=50K,49, Federal-gov,276309, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, ?,199116, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2407,0,40, Dominican-Republic +<=50K,39, Private,52870, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,51, State-gov,79324, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,50, Private,188882, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Federal-gov,72338, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, ?,234108, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,24, Private,113936, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,55, United-States +>50K,43, Private,182521, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,15020,0,35, United-States +>50K,60, Private,124198, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,84, United-States +<=50K,20, Private,228960, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,60, Self-emp-not-inc,176360, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,178649, Bachelors,13, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,36, Philippines +>50K,41, Private,338740, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,205659, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,258883, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,196638, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +>50K,43, Self-emp-not-inc,95246, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,20, ?,216672, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,61956, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,4650,0,45, United-States +<=50K,33, Private,157216, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, ?,150250, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,1510,30, United-States +>50K,37, Private,112838, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,31, State-gov,158688, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,227864, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,173858, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,1902,40, China +<=50K,51, Private,30012, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,80, United-States +<=50K,20, ?,50163, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +>50K,50, State-gov,143822, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,19, ?,497414, 7th-8th,4, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,35, Mexico +<=50K,30, Private,235109, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,339196, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,181028, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,18, United-States +<=50K,43, Private,59460, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,97212, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,2001,25, United-States +>50K,32, Private,103642, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,70447, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,27, Private,321456, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, Germany +<=50K,23, Private,126613, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +>50K,52, Self-emp-not-inc,149508, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +>50K,38, Private,332154, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,18, ?,471876, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,140669, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,107164, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,225707, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Cuba +<=50K,64, Self-emp-inc,56588, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,70, United-States +>50K,31, Self-emp-inc,183125, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,99, United-States +>50K,56, Private,177368, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,45, United-States +<=50K,40, Private,218653, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,191137, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,181585, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,142566, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,220821, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +>50K,37, Private,280966, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,52, Private,153155, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,29, Private,195446, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,77884, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,41, Private,99373, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,118729, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,108414, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,198366, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,20, United-States +<=50K,42, Private,238384, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,36, United-States +<=50K,27, Private,214695, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,120420, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,186934, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,100368, 9th,5, Widowed, Other-service, Unmarried, White, Female,0,0,27, United-States +<=50K,49, Private,723746, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,67, ?,427422, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,2414,0,16, United-States +<=50K,44, Private,54271, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,189680, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,49, Private,230796, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,195843, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,41, Private,109912, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,15024,0,50, England +<=50K,19, Private,42069, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,335950, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,70, United-States +>50K,45, Private,163174, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,24, Private,81145, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,67, Local-gov,312052, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,209934, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,22, ?,269221, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,57, Private,322691, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,99849, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,28, United-States +<=50K,23, ?,213004, Some-college,10, Never-married, ?, Own-child, White, Female,0,1719,30, United-States +<=50K,49, Private,182313, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,201505, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,61, Self-emp-not-inc,227119, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,202395, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,170583, 11th,7, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,58, State-gov,21838, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,50, Self-emp-inc,68898, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,34, Private,226702, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, ?,168079, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,42, Self-emp-inc,173628, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,164529, 11th,7, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,301514, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,50, Private,194580, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,63, Private,165611, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,32, Private,96480, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,224700, Assoc-voc,11, Divorced, Protective-serv, Unmarried, Black, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,141962, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,22, Private,377815, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,24, Private,271379, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,40, Private,421837, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,77953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,345122, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,38, ?,172855, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,34, Private,87131, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +<=50K,21, Private,328906, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,56, Private,21626, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,43, United-States +>50K,38, Private,143909, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,178835, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,2174,0,40, United-States +<=50K,45, Private,94809, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,64, Local-gov,172768, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-inc,204742, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-inc,144949, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,195562, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,56482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,55, Federal-gov,36314, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,72, United-States +>50K,51, Self-emp-not-inc,329980, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,8, United-States +<=50K,62, Local-gov,103344, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,169708, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,54, Local-gov,249949, Some-college,10, Divorced, Exec-managerial, Other-relative, Black, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,186934, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,692831, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,48, United-States +<=50K,17, Private,154078, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,22, Private,91733, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,67, Self-emp-inc,325373, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,43, Self-emp-not-inc,160369, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,57, Local-gov,196126, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,120053, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,204337, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,34, Private,128016, HS-grad,9, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,50, ?,199301, Assoc-voc,11, Never-married, ?, Unmarried, Black, Female,0,0,16, United-States +<=50K,33, Private,49027, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,192022, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,40, Private,147099, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,32, Private,334744, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,207621, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,194458, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-inc,184245, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Mexico +<=50K,34, Private,242704, HS-grad,9, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,21, ?,278130, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,251073, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,153209, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,360879, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,115066, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,409172, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,223637, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,50, United-States +>50K,36, Private,161141, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,535869, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +<=50K,60, Federal-gov,49921, 9th,5, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,335067, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,47, Self-emp-inc,209460, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,40, United-States +<=50K,20, Private,355236, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,16, United-States +>50K,50, Private,240374, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,221428, 12th,8, Married-civ-spouse, Sales, Own-child, Other, Male,0,0,35, United-States +<=50K,37, Private,356250, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,20, Private,356347, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,50, Private,245356, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,247088, HS-grad,9, Separated, Craft-repair, Own-child, Black, Male,0,0,50, United-States +<=50K,27, ?,200381, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,300333, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Dominican-Republic +>50K,38, Private,109594, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,70, United-States +<=50K,24, Local-gov,221480, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,433624, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,179681, Assoc-voc,11, Married-spouse-absent, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,21, Local-gov,136208, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +<=50K,64, Private,159715, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,10566,0,40, United-States +<=50K,33, Private,164683, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,152307, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,256908, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,227943, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,75, ?,33673, Masters,14, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,26, United-States +<=50K,26, Private,116991, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,96076, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,201314, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,153021, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, State-gov,334422, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Male,0,0,47, United-States +>50K,37, Private,160192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,51216, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +<=50K,47, Private,323212, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,45, Self-emp-inc,179030, Bachelors,13, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,35, South +<=50K,23, Private,129345, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,31023, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,62, Self-emp-inc,164616, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,34, Federal-gov,121093, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,53, United-States +<=50K,36, Private,300373, 10th,6, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,95708, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688,0,60, United-States +<=50K,36, State-gov,235779, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,114158, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Private,192226, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,166416, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,211215, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,157617, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,44, Private,96170, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,224045, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,42, Private,350550, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,37, Self-emp-not-inc,114719, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,26, Private,124111, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,36, Private,250224, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,232060, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,195258, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,285775, HS-grad,9, Never-married, Protective-serv, Other-relative, White, Male,0,0,42, United-States +<=50K,27, Private,146687, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,76128, HS-grad,9, Divorced, Craft-repair, Not-in-family, Other, Male,0,0,60, Ecuador +<=50K,28, Private,241607, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,273675, HS-grad,9, Married-spouse-absent, Other-service, Other-relative, Black, Female,0,0,35, Puerto-Rico +<=50K,29, Private,210867, 11th,7, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,144752, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Private,185820, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +<=50K,42, Private,252518, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, ? +<=50K,30, Private,123833, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,291569, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,37, Private,638116, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,32, United-States +<=50K,46, Private,269045, 11th,7, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,102852, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,195447, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,173944, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,276728, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,43, United-States +<=50K,21, State-gov,173534, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, Ecuador +<=50K,23, Private,198368, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,27620, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Local-gov,192235, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,467936, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, Mexico +<=50K,25, Private,264136, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,61, Self-emp-not-inc,184009, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,2444,50, United-States +>50K,50, Private,165001, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,123484, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,123384, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,50, Self-emp-inc,235307, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,238384, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,171351, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,38, State-gov,162424, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,333838, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +>50K,58, Private,100303, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,41, Federal-gov,58447, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,43, Local-gov,317185, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,39, Private,103323, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1669,40, United-States +<=50K,22, Private,221694, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,52, Private,214091, HS-grad,9, Widowed, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, ?,171062, Bachelors,13, Never-married, ?, Not-in-family, Black, Male,0,0,40, England +<=50K,46, Private,278200, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,187592, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,188382, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,65584, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,117789, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,402089, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,40, Private,69730, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,34218, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Federal-gov,54566, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,698039, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,28, United-States +<=50K,57, ?,76571, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,133201, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Male,0,1408,40, France +<=50K,47, Federal-gov,146786, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, ?,96154, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,64, State-gov,143880, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,132397, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,18, United-States +<=50K,28, ?,45613, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,136226, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,334291, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,183017, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,32, United-States +<=50K,66, Private,207917, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Black, Male,1797,0,20, United-States +>50K,65, ?,136431, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,9386,0,40, United-States +>50K,37, Private,80303, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,210509, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,37, ?,48915, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,91316, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,205670, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,76, Private,25319, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,52, Private,264129, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,40165, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, Japan +<=50K,43, Federal-gov,79529, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,32, Private,164519, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,184178, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +<=50K,33, State-gov,427812, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, Mexico +<=50K,59, Self-emp-not-inc,172618, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,472861, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,40, Private,114157, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,104164, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,45, Self-emp-not-inc,180680, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,28, Private,300915, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,43, United-States +<=50K,38, Private,308171, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,50, United-States +<=50K,56, Private,320833, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,42, ?,167710, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,18, United-States +<=50K,19, Private,228577, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,36, United-States +>50K,48, Self-emp-not-inc,221464, 11th,7, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,31, Self-emp-not-inc,213307, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,28, Mexico +<=50K,42, Private,165815, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,248919, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,66, Mexico +<=50K,23, ?,116934, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,285365, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,63, Private,134960, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Scotland +<=50K,24, Private,449101, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,46019, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,5178,0,50, United-States +>50K,71, ?,161027, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,32, State-gov,19513, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,57, Self-emp-not-inc,258121, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,242782, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,65, ?,193365, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,42, Private,182402, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +<=50K,24, Private,254767, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,112115, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,117299, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,44, Private,214781, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,197474, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,24, ?,234791, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,34, Local-gov,126584, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,72, Self-emp-not-inc,28865, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,14, United-States +<=50K,61, Private,163729, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,218407, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, Columbia +<=50K,58, Private,95428, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,146103, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,30, United-States +<=50K,25, Private,150312, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Private,76206, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,16, United-States +<=50K,23, Private,340543, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,125461, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,38, Private,218015, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,49, Private,178160, Assoc-acdm,12, Widowed, Sales, Not-in-family, White, Female,0,0,40, Germany +<=50K,25, Private,169905, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,226629, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,180313, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,236276, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,71, Private,124901, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,63, Local-gov,214275, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,55, United-States +>50K,49, Local-gov,371886, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,65, Private,282779, Masters,14, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,22, Private,218415, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,105431, HS-grad,9, Divorced, Farming-fishing, Unmarried, Black, Female,0,0,39, United-States +<=50K,32, ?,373231, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,59792, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,44, Private,75742, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,186731, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,310197, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,73413, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,175232, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,338948, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,22, Private,95647, 11th,7, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,43, Self-emp-inc,677398, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, Self-emp-not-inc,263300, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +>50K,47, Federal-gov,218325, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,37, Local-gov,156261, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,165817, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,304605, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Self-emp-not-inc,245361, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +>50K,45, Federal-gov,230685, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,184502, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,37, Local-gov,116736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,178952, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,156266, 11th,7, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,22, Private,163519, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,18, Private,296090, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,22, Private,119742, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,269763, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,10, United-States +>50K,56, Private,287833, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,19, ?,190093, 12th,8, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,74, Self-emp-inc,148003, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,6, United-States +<=50K,18, Private,131414, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,172571, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Local-gov,184440, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,36, United-States +<=50K,28, Private,216479, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,293475, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Federal-gov,109982, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,205033, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,32, Local-gov,56658, HS-grad,9, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,58, Private,159008, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,28, Private,37302, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,33, Local-gov,107417, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,236379, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,57637, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,51, Private,276214, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,113749, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,100837, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2002,66, United-States +<=50K,45, Private,239058, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,286419, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,52, ?,50934, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,21, Private,283969, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,76, Private,152839, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, Local-gov,32290, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,204373, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,126528, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,245408, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,30, State-gov,127610, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,132919, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,12, United-States +<=50K,68, Private,58547, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1735,48, United-States +>50K,36, Private,251091, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,71, Private,149950, HS-grad,9, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,20, United-States +<=50K,32, Private,464621, Some-college,10, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,43, Private,170230, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,100294, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Local-gov,234108, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,33046, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,76, Private,84428, Some-college,10, Widowed, Sales, Not-in-family, Asian-Pac-Islander, Female,2062,0,37, United-States +<=50K,35, Self-emp-not-inc,107662, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,5, Canada +<=50K,23, Private,220874, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,46, Local-gov,88564, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,144778, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, ?,179861, 10th,6, Never-married, ?, Own-child, White, Male,0,0,10, Poland +<=50K,30, Private,166671, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,51, Private,97180, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,18, Self-emp-not-inc,194091, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,23, Private,308498, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,18, United-States +>50K,53, Federal-gov,321865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,181814, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,44, Private,374423, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1902,40, United-States +>50K,49, Private,213668, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,213236, HS-grad,9, Separated, Other-service, Unmarried, White, Male,0,0,40, Dominican-Republic +>50K,58, Self-emp-not-inc,115439, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,124111, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,32, Private,176185, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,4787,0,40, United-States +>50K,26, Private,211231, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,259715, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,248600, 10th,6, Never-married, Other-service, Other-relative, White, Female,34095,0,24, United-States +>50K,39, Private,153997, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,40, Puerto-Rico +<=50K,44, Private,67779, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,236861, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,57, Private,367334, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,213391, 9th,5, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,46, Local-gov,301124, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,45, United-States +<=50K,37, Private,184117, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,233923, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,348592, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,111817, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,170983, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,121407, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,35, United-States +<=50K,40, Local-gov,210275, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,21, Private,116358, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,48, Private,189123, Masters,14, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,48087, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Male,2354,0,40, United-States +<=50K,37, Private,179488, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,370990, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,49, Private,169760, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,38, State-gov,34493, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,61, Private,185584, Bachelors,13, Widowed, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,44, Private,324311, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,32, Mexico +>50K,62, Self-emp-not-inc,96299, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,147322, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Columbia +<=50K,35, Private,135289, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, State-gov,128586, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, State-gov,185590, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,107458, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,57, Private,151874, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,26, State-gov,413846, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,203836, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,44, Self-emp-not-inc,110028, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,57640, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,67874, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,50, Self-emp-not-inc,169112, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,37, Self-emp-inc,154410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,63234, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,4508,0,12, United-States +>50K,64, Private,121036, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,408328, Preschool,1, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,29, Private,269254, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,115438, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,332249, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,33, State-gov,160261, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,24, Private,167316, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, State-gov,291586, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,184046, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Federal-gov,178025, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,9, United-States +<=50K,53, Private,104280, 12th,8, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,38, Private,302604, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,30, Private,225243, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +<=50K,39, Self-emp-not-inc,327120, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +>50K,51, Self-emp-not-inc,43878, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, ?,40915, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,49, Self-emp-inc,83444, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,85, United-States +<=50K,51, Private,351416, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,117310, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1876,48, United-States +<=50K,36, Private,324231, 9th,5, Never-married, Farming-fishing, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Private,161802, 1st-4th,2, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,30, United-States +<=50K,40, Self-emp-not-inc,184804, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,2205,45, United-States +<=50K,30, Federal-gov,547931, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,46395, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,182313, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Local-gov,169069, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,203182, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,142924, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,180656, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Guatemala +<=50K,58, Private,187485, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +<=50K,84, ?,157778, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,6, United-States +<=50K,46, Self-emp-not-inc,149337, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,97054, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,377017, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,32, United-States +<=50K,43, Private,106900, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,378723, 10th,6, Separated, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,23, Private,209955, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,312766, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,59, Private,70857, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,238917, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, El-Salvador +>50K,50, State-gov,53497, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +>50K,44, Private,283174, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,190497, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,104447, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,2339,40, United-States +<=50K,36, Private,73023, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,2202,0,40, United-States +<=50K,20, Private,177896, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,349951, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4508,0,55, United-States +<=50K,29, Private,80179, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, State-gov,308955, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,126896, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,19, State-gov,116385, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,18, United-States +<=50K,37, State-gov,172425, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,106615, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,15, United-States +>50K,42, Private,261929, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,163870, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,35, Self-emp-inc,242080, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,21, Private,30796, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,43, Self-emp-not-inc,207578, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,22, ?,140001, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,217942, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,301010, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, ?,222007, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, United-States +<=50K,32, Private,72630, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,3325,0,45, United-States +<=50K,49, Local-gov,204377, 11th,7, Divorced, Other-service, Own-child, White, Female,0,0,60, United-States +<=50K,38, Local-gov,189614, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,100345, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,163687, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,34, Local-gov,174215, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +<=50K,32, Private,37646, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,84154, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,41, Private,116493, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,52, United-States +<=50K,38, Private,259972, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,58, State-gov,185338, Bachelors,13, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,99212, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +>50K,61, Private,54780, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,393673, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,36, Private,66687, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,133986, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,248694, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,212888, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +>50K,51, Self-emp-inc,304955, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,23, Private,172232, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,53, United-States +<=50K,59, Private,32446, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,182701, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,12, Mexico +<=50K,23, Private,164920, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,15, Germany +<=50K,24, Private,274424, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,1831,0,40, United-States +<=50K,57, Private,176904, 10th,6, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,217530, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +>50K,59, Private,318450, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,210945, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,26, Private,181838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,91931, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,23, United-States +>50K,45, Self-emp-not-inc,123681, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,64, Local-gov,181628, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,72, ?,305145, Bachelors,13, Widowed, ?, Not-in-family, White, Male,0,0,4, United-States +<=50K,55, Private,174533, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,94342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,43, Private,215624, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,46, Self-emp-not-inc,112485, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,27484, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,186454, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,4650,0,40, Vietnam +<=50K,28, State-gov,187746, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +<=50K,57, Private,358628, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,295939, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,127198, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,48, Private,81497, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,65, United-States +>50K,30, Self-emp-not-inc,143078, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,2444,55, United-States +<=50K,70, Self-emp-not-inc,177806, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,210926, 9th,5, Divorced, Farming-fishing, Unmarried, White, Female,0,0,40, Mexico +<=50K,34, Private,195144, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,252563, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,170785, 12th,8, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,111232, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,59, Private,59584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,48, Private,148254, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,40, ? +>50K,30, Local-gov,19302, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,70, Germany +<=50K,52, Private,285224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,43, Private,172256, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +>50K,51, State-gov,128260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,156163, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, ? +<=50K,31, Private,155914, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,58471, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,282389, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,70, United-States +<=50K,40, Private,117915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,163628, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,287436, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,58, State-gov,139736, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,40, United-States +<=50K,28, Local-gov,136643, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,43, Local-gov,180572, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, State-gov,148805, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,497039, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,56, United-States +<=50K,18, Private,226956, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +>50K,36, Private,157184, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,21, Private,315470, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,45, Private,252079, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,138022, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,48520, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,346605, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,35, Private,139770, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,29, United-States +<=50K,41, Private,209899, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,55844, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,61, Private,215789, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,126913, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,42, State-gov,101950, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,28, Private,451742, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,173754, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,350131, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,2339,40, United-States +<=50K,32, Private,185820, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,176837, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,271282, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,56, United-States +<=50K,25, ?,420081, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,38, State-gov,142282, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,28, State-gov,266855, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,148143, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Female,0,0,40, United-States +<=50K,40, State-gov,21189, Bachelors,13, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,32, United-States +<=50K,37, Private,110013, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,350400, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,51, Private,275507, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,50, United-States +>50K,42, Private,169948, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,41, Private,298161, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, Cuba +<=50K,45, ?,120131, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,25, United-States +>50K,32, State-gov,113129, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,24, Private,201680, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,63, Private,158609, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,20, United-States +>50K,67, Self-emp-inc,22313, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,36, Private,261012, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,50, United-States +>50K,52, Private,104501, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,32, Private,50178, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,65624, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,236481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,10, India +<=50K,50, Private,213041, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Private,105127, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, ?,127441, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,42, United-States +<=50K,30, Private,210541, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,163512, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,8, Guatemala +>50K,36, Private,170376, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,50, Private,132465, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, Mexico +>50K,45, Private,253827, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,22, Private,186383, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, United-States +>50K,34, Private,111985, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,152909, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,57, Private,279340, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,29, United-States +<=50K,29, Private,154571, Some-college,10, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,31, Private,270889, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,241731, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, ?,256649, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, United-States +<=50K,31, Private,176711, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,359155, HS-grad,9, Separated, Transport-moving, Unmarried, White, Female,0,0,30, United-States +<=50K,30, State-gov,103651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,138872, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,180195, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,37, Local-gov,175979, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,60, United-States +<=50K,59, Local-gov,53612, Masters,14, Separated, Prof-specialty, Own-child, Black, Female,0,0,35, United-States +<=50K,18, Local-gov,28357, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,460322, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,43, United-States +<=50K,36, Private,182954, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, Dominican-Republic +<=50K,17, Private,242871, 10th,6, Never-married, Sales, Own-child, White, Female,594,0,12, United-States +>50K,55, Local-gov,30636, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,47, Local-gov,274657, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,3908,0,40, United-States +<=50K,17, ?,179807, 10th,6, Never-married, ?, Own-child, White, Female,0,0,16, United-States +<=50K,18, Private,230215, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,46, Federal-gov,260549, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,80, United-States +<=50K,31, Private,408208, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,61, Private,143837, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,203784, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,38, Mexico +>50K,43, Federal-gov,190020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,666014, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,32, Private,50753, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,197515, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,209476, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,192995, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,6723,0,40, United-States +<=50K,25, Private,39640, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +>50K,33, Private,203488, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,29, Private,125791, Assoc-acdm,12, Never-married, Exec-managerial, Other-relative, White, Female,0,0,38, United-States +<=50K,20, Private,167424, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,58, ?,169590, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,56, ?,174533, Bachelors,13, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +>50K,37, Private,474568, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, ? +<=50K,36, Private,414910, 7th-8th,4, Divorced, Sales, Not-in-family, Other, Female,0,0,35, United-States +<=50K,21, Self-emp-inc,95997, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,26, Private,191797, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,16, United-States +<=50K,81, ?,143732, 1st-4th,2, Widowed, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, Private,65624, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,48, Private,352614, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, ? +>50K,34, Private,301251, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,98524, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,112512, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,37, Local-gov,170861, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,42, Private,244668, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,8614,0,40, Mexico +<=50K,23, Private,148890, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +<=50K,37, Private,149898, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,240629, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,19522, Some-college,10, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,89, Private,152839, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Local-gov,105788, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +<=50K,23, Private,314823, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,20, ?,287681, 5th-6th,3, Never-married, ?, Not-in-family, White, Male,0,0,25, Mexico +<=50K,50, ?,313445, HS-grad,9, Separated, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,289148, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,166193, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,206857, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,150683, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,42, United-States +<=50K,52, Private,155759, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,211459, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,191103, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Private,88856, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,40, United-States +>50K,41, Private,193882, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,57, State-gov,222792, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,190137, HS-grad,9, Never-married, Sales, Own-child, Other, Male,0,0,40, United-States +<=50K,37, Private,174308, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,74, Private,172787, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Male,0,2282,35, United-States +<=50K,56, Private,146391, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, Ireland +<=50K,33, Private,179708, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,31, Local-gov,314375, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,30, United-States +>50K,41, Local-gov,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,244906, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Local-gov,251890, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,25, Puerto-Rico +<=50K,23, Private,220993, HS-grad,9, Married-civ-spouse, Sales, Not-in-family, Black, Male,0,0,60, United-States +<=50K,35, Private,309131, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, State-gov,263200, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Ecuador +<=50K,52, Self-emp-not-inc,92469, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, Private,32406, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,235070, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,35, Haiti +<=50K,48, Private,196571, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,258819, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,33945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,452640, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,112772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,49, Self-emp-not-inc,34845, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,23, Private,119051, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,20, Private,197767, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,36, United-States +>50K,52, Local-gov,181578, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, ? +>50K,56, Private,329654, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,7688,0,50, United-States +>50K,57, Federal-gov,47534, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,20, Private,341294, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,336042, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,41, Self-emp-inc,56019, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,50, India +<=50K,45, Private,86505, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,274106, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, Mexico +<=50K,62, Federal-gov,52765, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Self-emp-inc,136848, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,6, United-States +<=50K,24, Private,298227, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Self-emp-not-inc,215493, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,20, ?,197583, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,265190, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,96921, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,53, Local-gov,202420, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,252616, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,36, China +>50K,39, Private,102976, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Private,70439, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,184290, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Federal-gov,72887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, Local-gov,237498, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Self-emp-not-inc,228043, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,42, Private,144056, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,187711, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,282489, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Private,359155, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Self-emp-not-inc,87169, HS-grad,9, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,35, Private,251091, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, Puerto-Rico +<=50K,42, Private,130126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,163265, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,57, Private,250040, 7th-8th,4, Divorced, Prof-specialty, Other-relative, White, Female,0,0,20, ? +<=50K,59, ?,218764, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, Private,176773, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, Haiti +>50K,37, Self-emp-not-inc,98941, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,20, Private,217467, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,97176, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,28, Private,230503, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,227321, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, Private,199698, 9th,5, Never-married, Transport-moving, Unmarried, White, Male,0,0,35, United-States +<=50K,38, Local-gov,347491, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,103925, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Germany +<=50K,30, Private,124569, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +>50K,35, Private,80680, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, State-gov,119197, Masters,14, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,56, Private,147055, 9th,5, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,316470, 9th,5, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,64, Private,260082, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Cuba +<=50K,21, ?,228960, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,17, ?,256496, 10th,6, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,49, Private,133351, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +>50K,37, Private,151835, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,52, ?,224793, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,55, Private,101480, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,33, United-States +<=50K,24, Private,138719, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,23, Private,129121, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,401069, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,39, United-States +<=50K,17, ?,188758, 10th,6, Never-married, ?, Own-child, White, Male,0,0,14, United-States +<=50K,50, Private,191598, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,1980,38, United-States +<=50K,33, Private,330715, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,284317, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,393673, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +<=50K,31, Self-emp-not-inc,206609, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,2205,60, United-States +<=50K,77, ?,88545, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,21, Private,224632, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,18, Private,227529, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,25, Private,210148, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,224174, Assoc-voc,11, Widowed, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,25, Private,193787, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,62, Self-emp-not-inc,244953, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +>50K,35, Private,223749, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,48, United-States +<=50K,26, Private,37650, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,5060,0,40, United-States +<=50K,47, Private,358382, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,155275, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,180574, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,101853, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,34161, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,83311, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,217125, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,50, Private,166368, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,44793, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, ?,123147, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,25, United-States +>50K,51, Private,184529, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,37, Private,224566, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,39, United-States +<=50K,25, Private,195994, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,186376, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,42, United-States +>50K,60, Federal-gov,38749, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,60, Philippines +<=50K,66, ?,78375, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,74, Private,148867, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,6418,0,24, United-States +<=50K,37, Private,207066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,339423, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,172186, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,138564, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,35, Private,208259, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +<=50K,43, Local-gov,203376, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Self-emp-inc,243165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Self-emp-inc,213008, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,159323, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,65, Canada +<=50K,22, Private,197050, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,36, Private,166855, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,163072, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,34, United-States +<=50K,36, Private,191807, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,75, United-States +<=50K,29, State-gov,48634, Bachelors,13, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,30, Local-gov,287737, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,3325,0,40, United-States +<=50K,31, Private,162623, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,104993, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,44, ?,256211, Assoc-voc,11, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,2129,40, Poland +<=50K,17, Private,298605, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,36, Private,115803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,183342, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,115971, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,254547, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,20, United-States +<=50K,42, Private,211940, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,55, State-gov,136819, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,61, Self-emp-not-inc,186000, Assoc-voc,11, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, Canada +<=50K,20, Private,289982, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,10, El-Salvador +<=50K,60, Private,137344, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,174413, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,186993, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,51, United-States +>50K,67, Self-emp-not-inc,176388, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Private,49469, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,83800, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,38, Private,194809, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,194397, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,181363, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,55, ?,227243, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,18, Private,176136, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,26, ?,102541, 10th,6, Never-married, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,166088, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,37, Self-emp-inc,95634, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, Canada +<=50K,35, Private,66304, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,64292, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,2176,0,25, United-States +<=50K,33, Private,41610, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Local-gov,198028, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,228652, Some-college,10, Divorced, Machine-op-inspct, Own-child, Other, Male,0,0,40, Mexico +<=50K,41, Private,165815, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,238255, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,63, Private,65740, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,52, Private,279543, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Cuba +<=50K,36, Private,114765, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,279580, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,42, Mexico +<=50K,19, Private,73257, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, Germany +>50K,66, Private,80621, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,74, State-gov,193602, Some-college,10, Widowed, Exec-managerial, Not-in-family, Black, Male,15831,0,40, United-States +<=50K,17, ?,141445, 9th,5, Never-married, ?, Own-child, White, Male,0,0,5, United-States +<=50K,37, Private,224512, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,52, Self-emp-not-inc,98642, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, India +<=50K,21, ?,182288, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,44, Private,765214, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,2559,40, United-States +<=50K,24, Private,224785, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1876,65, United-States +<=50K,19, ?,285177, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,18, United-States +<=50K,31, Private,241880, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,45, United-States +>50K,42, Self-emp-inc,201495, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,165215, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, United-States +<=50K,35, Self-emp-inc,99146, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,26, State-gov,92795, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,39, Self-emp-not-inc,54022, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,175268, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,39, Local-gov,123983, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,35, Private,269323, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,40, Private,32798, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, United-States +>50K,64, Private,101077, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Female,0,2444,40, United-States +<=50K,22, ?,157332, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,390746, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1672,45, Ireland +<=50K,26, Private,200318, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,38, ?,36425, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,221172, 5th-6th,3, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,34, Self-emp-inc,337995, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Male,15020,0,50, United-States +<=50K,54, Private,64421, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,199915, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,64, Private,207658, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,124810, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,40, Self-emp-inc,253060, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,36, Private,76878, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,20, ?,38455, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,41294, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,205195, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Private,162236, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,445480, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,761800, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,188300, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,28, United-States +<=50K,36, Private,138088, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,132304, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,32, Private,126173, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,259873, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,122215, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,190015, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,313132, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,103323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,44789, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,28, Private,192932, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,264025, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Male,1506,0,80, United-States +<=50K,37, Private,30269, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,50, United-States +<=50K,23, Private,283092, HS-grad,9, Never-married, Sales, Other-relative, Black, Male,0,0,40, Jamaica +<=50K,17, Private,125236, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +>50K,47, Private,187308, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,43, Private,150519, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,32587, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,1485,40, United-States +<=50K,37, Private,244803, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Columbia +<=50K,23, Private,316793, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,35, United-States +<=50K,41, Private,106068, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,191878, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,30, ?,159008, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,181983, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,2559,60, England +>50K,65, Private,113293, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,61, Local-gov,224711, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,63, United-States +<=50K,20, Private,460356, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,30, Mexico +<=50K,37, Local-gov,184474, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,2977,0,55, United-States +<=50K,39, Private,289890, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,183148, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,178109, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,54, Private,351760, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,176967, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,67444, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,23, Private,48343, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,27, ? +<=50K,19, Private,1047822, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,55, Local-gov,200448, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,34364, Assoc-acdm,12, Separated, Tech-support, Not-in-family, White, Female,0,0,3, United-States +<=50K,27, Private,95725, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,23, Private,124802, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Local-gov,196673, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,22, Private,196943, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,43819, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,53, Private,173020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,67, Local-gov,102690, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,42, Private,199018, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,201954, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,31, Private,168854, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,1504,40, United-States +<=50K,22, Private,53702, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,154043, HS-grad,9, Widowed, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +>50K,41, Self-emp-inc,64112, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,68, ?,294420, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,2, United-States +>50K,42, Self-emp-inc,325159, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,267706, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,70240, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,31, Private,213307, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,20, Mexico +>50K,56, Private,192845, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,273010, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,177775, Assoc-voc,11, Never-married, ?, Other-relative, White, Female,0,0,32, United-States +<=50K,22, ?,393122, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,345577, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +>50K,54, Self-emp-not-inc,72257, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,34, Private,113129, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,36, Private,292380, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,10, United-States +<=50K,29, Private,121040, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,67, Private,142097, 9th,5, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,6, United-States +>50K,48, Federal-gov,34998, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +>50K,53, State-gov,41021, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,46, United-States +>50K,42, Private,152889, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,50, United-States +<=50K,56, Private,436651, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,20, ?,256504, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,40, Private,215479, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +>50K,55, State-gov,100285, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,10520,0,40, United-States +<=50K,61, Private,373099, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,99357, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,67243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Portugal +>50K,32, Private,231263, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,243942, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,194102, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,141748, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,22, Private,211013, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,102652, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,201127, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,70, United-States +<=50K,57, ?,172667, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,49, Local-gov,175958, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +<=50K,34, Private,73928, 10th,6, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,4, United-States +<=50K,46, Private,212944, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,26, Private,544319, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,348960, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +<=50K,59, Private,280519, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,155172, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,106856, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,397346, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,253814, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, Private,201490, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,176806, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,107038, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,122194, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,7298,0,40, United-States +<=50K,28, Self-emp-not-inc,180928, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,62, Private,143746, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,183523, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,35, Federal-gov,179262, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,190759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,53, Self-emp-inc,200400, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,29, Private,166320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,205954, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,45, Local-gov,251786, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,20, Private,166371, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,27, ?,135046, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Local-gov,170423, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,393673, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,115438, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,173944, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, ?,292803, Some-college,10, Divorced, ?, Other-relative, White, Female,0,0,35, United-States +<=50K,63, Private,149756, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +>50K,39, Private,192251, Some-college,10, Divorced, Craft-repair, Own-child, White, Female,0,0,50, United-States +<=50K,20, Private,163687, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,200421, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,53, Self-emp-inc,368014, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,49, ?,141483, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,35, Federal-gov,191480, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,202466, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,50, ?,28765, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,35, Private,141584, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,38, Federal-gov,143123, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,122194, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, State-gov,110171, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,40, United-States +>50K,43, Self-emp-inc,342510, Bachelors,13, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,60, United-States +<=50K,20, Private,42279, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,201122, HS-grad,9, Separated, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,254025, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +>50K,50, Private,410114, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,60, Private,320422, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,6849,0,50, United-States +>50K,56, Private,67153, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,224406, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,211678, 10th,6, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,64, United-States +<=50K,22, Private,257017, Assoc-voc,11, Never-married, Other-service, Other-relative, Black, Male,0,0,52, United-States +>50K,48, Self-emp-inc,106232, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,48, United-States +<=50K,27, State-gov,41115, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,161245, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,37618, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,321787, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,123011, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Local-gov,66278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,25, Private,181054, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,55, Self-emp-not-inc,129786, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,245402, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,70, United-States +<=50K,24, ?,192711, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,41, United-States +>50K,41, Private,240124, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,370675, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Self-emp-not-inc,34066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,35, Private,53553, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,48, United-States +<=50K,20, Private,319758, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,43556, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Self-emp-inc,97952, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,80, United-States +<=50K,44, Private,244522, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,188108, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,187022, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, State-gov,173422, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,38, United-States +<=50K,61, State-gov,103575, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Germany +<=50K,20, Private,116830, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,43, United-States +>50K,58, Private,219504, 12th,8, Divorced, Transport-moving, Unmarried, Black, Male,0,0,45, United-States +<=50K,48, Self-emp-not-inc,102102, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,129661, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, State-gov,189346, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,48, Private,113211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,45, Private,256866, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,186408, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,1055,0,40, United-States +<=50K,23, Private,50411, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,118941, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,171868, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,35, Private,99065, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,22, Self-emp-not-inc,238917, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,220740, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,69, Private,192660, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,39, Private,56962, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,43, United-States +<=50K,21, ?,156780, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,15, ? +<=50K,22, Private,122048, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,4416,0,40, United-States +<=50K,52, Private,172511, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,44, Private,186790, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,196280, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,61885, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,51, Private,143822, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,315640, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, China +>50K,34, Private,617917, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,20, Private,35448, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,22, Private,124483, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,2339,40, India +<=50K,68, Private,230904, 11th,7, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,1870,35, United-States +<=50K,31, Private,164461, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,73, United-States +<=50K,22, Private,450695, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,62, ?,352156, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,166634, HS-grad,9, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,46, Private,151107, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,1977,60, United-States +<=50K,49, Private,219751, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,85604, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,54, Local-gov,231482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,24, Private,138152, 9th,5, Never-married, Craft-repair, Other-relative, Other, Male,0,0,58, Guatemala +<=50K,27, Private,309196, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,91666, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,89734, Some-college,10, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0,0,42, United-States +>50K,27, Private,79661, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4386,0,40, United-States +<=50K,39, Private,197150, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, El-Salvador +<=50K,29, ?,41281, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,53448, 12th,8, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,50, China +>50K,44, Self-emp-not-inc,255543, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +>50K,51, State-gov,367209, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +>50K,37, Private,226500, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,56, Private,292710, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,235732, 11th,7, Never-married, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,37, Private,301614, Bachelors,13, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,18, Private,261714, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,35, ?,35751, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,28, Private,266316, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,35, United-States +>50K,40, Self-emp-inc,189941, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,60, United-States +<=50K,50, Self-emp-not-inc,143535, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,234537, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Self-emp-not-inc,181435, 11th,7, Divorced, Other-service, Unmarried, White, Male,4650,0,50, United-States +>50K,40, Private,94210, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,44, Private,344060, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,27828,0,40, United-States +<=50K,40, Private,301359, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, State-gov,184527, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,41, Federal-gov,333070, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,23, Private,149574, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Self-emp-not-inc,34037, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,41, Self-emp-not-inc,123502, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,267661, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,75, United-States +<=50K,33, Private,109920, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,134120, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,46, United-States +<=50K,18, Private,192254, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,67, Self-emp-not-inc,94809, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,2346,0,33, United-States +<=50K,21, Private,183789, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,86643, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,22, ?,190290, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,65, United-States +>50K,64, ?,228140, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,198349, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,44, Local-gov,113597, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,280567, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,4, United-States +<=50K,60, Private,298967, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +>50K,31, Self-emp-not-inc,134615, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,74, Private,89852, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,11, United-States +<=50K,30, Private,289442, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,159109, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,105495, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,71, Private,155093, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Private,312923, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,80, Mexico +<=50K,56, Private,202435, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Self-emp-not-inc,49154, 11th,7, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,37, Private,184456, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,95329, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, India +<=50K,42, Private,173938, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,56, Private,373216, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,52, Private,204226, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, State-gov,222745, Doctorate,16, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,54, Private,106728, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,61287, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,68, Private,146011, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,3273,0,42, United-States +<=50K,38, Private,166744, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Local-gov,54651, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,42894, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,15, United-States +<=50K,23, Private,131230, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,50, United-States +<=50K,69, Private,271312, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,163776, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +<=50K,24, Private,230126, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, Private,37718, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,245975, 9th,5, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,84, United-States +>50K,59, State-gov,115439, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,35, Private,97554, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Private,109762, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,47, Private,138342, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,429696, Some-college,10, Married-civ-spouse, ?, Own-child, Black, Female,0,0,14, United-States +<=50K,77, ?,309955, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,1411,2, United-States +<=50K,48, Private,275154, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,40, Private,52849, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,23, State-gov,191165, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,15, United-States +>50K,51, Private,277471, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,171754, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, ? +<=50K,44, Private,117936, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,249956, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Self-emp-inc,170502, Masters,14, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,70, United-States +<=50K,19, Private,202951, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,21, Private,396722, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,49, Private,93557, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,103805, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,36, United-States +<=50K,59, Private,92141, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,51, Private,171924, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,38, Local-gov,173804, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,38, United-States +>50K,45, Private,139571, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-inc,142076, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,67, ?,126514, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,27, Local-gov,68729, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,37783, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,55, Self-emp-not-inc,183580, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,106637, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,57, Self-emp-not-inc,411604, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +<=50K,33, Private,214635, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,26, Private,201663, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,51, Private,153064, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +<=50K,35, Private,212465, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,93604, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,46, Private,141221, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, Local-gov,289653, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1628,48, United-States +<=50K,24, Private,219835, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,24, Guatemala +>50K,38, State-gov,187119, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,49, Private,406518, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,16, Yugoslavia +<=50K,34, Self-emp-not-inc,372793, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,21, ? +>50K,55, ?,229029, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,5178,0,20, United-States +<=50K,51, Private,145105, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,72, Private,171181, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,2329,0,20, United-States +>50K,60, Private,80927, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,191357, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,153542, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,49, Private,27802, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,46, Private,275792, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Federal-gov,162876, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,197600, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,134247, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,179597, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +>50K,71, Private,148003, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,1911,38, United-States +<=50K,30, Private,185177, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,22, United-States +<=50K,51, Private,133069, 10th,6, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,177154, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, State-gov,29324, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,38, State-gov,54911, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,10, United-States +>50K,49, Private,219611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,42, State-gov,200294, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,177063, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,140001, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,19, Private,237433, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,4416,0,40, United-States +<=50K,43, State-gov,99185, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,52291, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +>50K,30, Private,247328, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,388594, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,53, Local-gov,130730, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,23, Private,115458, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,113866, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,284710, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, Columbia +<=50K,60, Local-gov,168381, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,32, Private,167063, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,33794, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,36, Private,263574, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,95552, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,245724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818,0,44, United-States +<=50K,59, Private,152731, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,366876, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,203488, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,30529, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411,0,40, United-States +<=50K,57, Private,201159, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,64, Self-emp-inc,182158, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,48, Private,443377, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,28, Private,101618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,46, Self-emp-inc,132576, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,51, ?,123429, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,147098, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,2444,60, United-States +<=50K,44, Private,30424, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,1980,40, United-States +<=50K,50, Private,68898, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,58, Private,158864, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,27, Federal-gov,180103, Assoc-voc,11, Never-married, Tech-support, Unmarried, Black, Male,1151,0,40, United-States +<=50K,52, Private,317625, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,80933, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,107373, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,32, Self-emp-not-inc,220148, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,63503, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Greece +<=50K,63, Private,210350, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,32, Mexico +>50K,60, Private,194589, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,55, Private,200453, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,101575, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,12, United-States +>50K,55, Private,201232, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,51, Private,168553, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,166606, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, ?,104756, HS-grad,9, Married-AF-spouse, ?, Wife, White, Female,0,1651,42, United-States +<=50K,33, Private,106014, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,100882, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,47, United-States +>50K,52, State-gov,108836, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,50, Private,271493, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,204629, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, Canada +<=50K,24, Private,153078, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,44, Private,148316, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,293485, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,32, United-States +<=50K,61, Local-gov,257105, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,248160, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,104704, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +>50K,47, Private,209057, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,30, Federal-gov,243233, Some-college,10, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,48, United-States +>50K,44, Private,204314, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,38, United-States +<=50K,60, Private,108969, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,103397, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Private,198452, Bachelors,13, Separated, Tech-support, Unmarried, White, Female,5455,0,40, United-States +<=50K,38, Private,216572, HS-grad,9, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Private,311920, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,17, United-States +>50K,45, Self-emp-inc,363298, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,40, Private,146906, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,339814, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,60, Private,169408, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,40, Self-emp-not-inc,308296, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,59380, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,195634, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,10520,0,20, United-States +<=50K,31, Federal-gov,180656, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,144793, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Local-gov,56820, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,41414, 9th,5, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,160731, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,175778, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,230238, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,46, United-States +<=50K,39, State-gov,372130, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5013,0,56, United-States +<=50K,27, Private,167501, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,39, Private,141029, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,135525, Masters,14, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,522881, Assoc-voc,11, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, Mexico +<=50K,67, Private,162009, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,28, Private,365745, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,68393, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,46, United-States +>50K,48, Private,203576, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,138513, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,66, ?,188686, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,23, Private,39551, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,127366, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,183747, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,136331, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,81794, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,40, Private,222596, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,108943, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,189092, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,152109, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,195565, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,255927, Bachelors,13, Widowed, Adm-clerical, Unmarried, White, Female,0,0,52, United-States +<=50K,32, Private,100734, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,52, Local-gov,266433, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,158672, 11th,7, Separated, Other-service, Not-in-family, White, Male,0,0,38, Puerto-Rico +<=50K,35, Private,102268, 12th,8, Divorced, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,228399, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,298510, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,75, Self-emp-inc,126225, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,228456, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Self-emp-inc,437161, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Federal-gov,183608, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Local-gov,174395, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,221366, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,421010, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,245333, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,33, Local-gov,352277, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103,0,45, United-States +>50K,38, Private,29874, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,29, Private,77322, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,34, Private,260560, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,27, Self-emp-inc,217848, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,283731, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, State-gov,190759, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,59, State-gov,109567, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,209826, Some-college,10, Never-married, Farming-fishing, Own-child, White, Female,0,0,32, United-States +<=50K,27, Private,232801, 10th,6, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +>50K,41, Private,154374, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,35, Self-emp-inc,126738, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,26, Private,202156, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,32, Private,195447, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, ?,113301, 11th,7, Separated, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,189203, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,223019, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,58, Private,195878, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, Cuba +<=50K,58, Private,163150, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,28, United-States +<=50K,19, Self-emp-not-inc,139278, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,196494, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,36, United-States +<=50K,25, Federal-gov,303704, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,304082, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Peru +<=50K,18, Private,106943, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,23, Private,220993, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,52, Private,83984, Some-college,10, Married-civ-spouse, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,23, State-gov,340605, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,12, United-States +<=50K,18, Private,379710, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,39, Private,145933, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,55, United-States +<=50K,34, Self-emp-not-inc,208068, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Guatemala +<=50K,39, Private,172718, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,53285, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,139793, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,3418,0,38, United-States +<=50K,68, ?,365350, 5th-6th,3, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, Private,144064, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,182676, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,38, Mexico +<=50K,29, Private,108574, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Self-emp-not-inc,163845, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,344804, 5th-6th,3, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, State-gov,252818, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Local-gov,114231, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,42, Private,111895, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,52, Private,128814, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,37, Private,168941, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,212578, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1721,20, United-States +<=50K,32, ?,251120, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,192773, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,37, State-gov,180667, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,46, Private,186172, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,309590, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,40, Private,34178, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,44, Private,103759, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,34, State-gov,137900, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,60, Private,223911, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,55720, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,2407,0,40, United-States +<=50K,39, Private,123535, 11th,7, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Guatemala +<=50K,24, Private,479296, 9th,5, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,65, ?,263125, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,2290,0,27, United-States +<=50K,63, ?,174817, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +>50K,28, Private,134890, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,183887, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1902,46, United-States +<=50K,28, Private,55360, HS-grad,9, Never-married, Sales, Other-relative, Black, Male,0,0,40, United-States +>50K,34, Private,113211, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,25, Private,224203, 11th,7, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,74, ?,132112, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,28, Private,113635, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,52262, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,202300, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,307761, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,324655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,23336, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,206199, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Federal-gov,365430, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,42740, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,39, United-States +<=50K,30, Private,160594, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-inc,202069, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,30, United-States +<=50K,22, ?,142875, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,60414, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,42, Private,340885, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,194096, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, State-gov,222506, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,60, United-States +<=50K,44, Private,55191, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,58, Private,88572, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,28, Private,216757, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,57534, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, ?,96321, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,201908, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,237868, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,285570, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,187625, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,376755, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,56, Local-gov,137078, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,175943, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,211208, 11th,7, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,105821, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,49, Private,205694, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Canada +<=50K,39, Private,148485, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,142264, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,125892, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,66, Private,250226, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,16, United-States +<=50K,19, Private,300679, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,112626, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,15, United-States +>50K,47, Private,153883, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,45, United-States +<=50K,48, Private,103648, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,41, United-States +<=50K,26, State-gov,162487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, ? +>50K,49, Local-gov,331650, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,9562,0,32, United-States +>50K,50, Self-emp-inc,171338, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,47, Self-emp-not-inc,178319, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,42, United-States +<=50K,30, Private,217460, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,182653, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,70, ?,152837, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,20, United-States +>50K,47, Private,459189, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,52, Private,87858, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,125279, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,99, United-States +>50K,39, Self-emp-not-inc,169542, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,47, Private,363418, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, England +<=50K,42, Private,198282, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,104620, Masters,14, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,15, United-States +<=50K,29, Private,176137, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, ?,168347, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,40, Private,191814, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +>50K,42, Local-gov,150533, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,35, United-States +>50K,28, Private,115677, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,19, Private,182590, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,239648, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,71, Private,139031, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Federal-gov,141340, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,170645, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105,0,40, United-States +<=50K,44, Local-gov,241506, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,72, Private,163921, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,64, Self-emp-not-inc,104958, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,144284, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,181139, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,209962, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,34, Private,87218, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,182189, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,196337, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,25, Private,238605, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,106501, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2829,0,50, United-States +<=50K,24, Private,172169, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,242922, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Male,0,0,35, United-States +>50K,56, Private,257555, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,192302, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,38, Self-emp-inc,115487, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,70160, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,410351, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,25, Private,236421, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,196662, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, Puerto-Rico +>50K,50, Self-emp-not-inc,203004, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,60, United-States +<=50K,22, Private,200819, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,222866, 10th,6, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,204160, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +>50K,54, Private,141707, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,123157, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, ? +<=50K,28, Private,219863, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, ?,29841, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,50, United-States +>50K,59, Private,35723, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999,0,40, United-States +>50K,52, Private,163948, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,255117, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,39, Private,100032, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,15, United-States +<=50K,22, Private,33087, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,324469, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,38, United-States +>50K,57, Private,337001, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,151747, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,31, Local-gov,85057, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,25, Private,257910, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,94331, 12th,8, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,250261, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,32, Private,97359, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,53, State-gov,121294, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,45, Poland +>50K,49, Self-emp-inc,211020, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,34, ?,165295, 7th-8th,4, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,65, Self-emp-inc,116057, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,6723,0,40, United-States +<=50K,52, Private,469005, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, Mexico +<=50K,30, Local-gov,197886, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,379917, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,32, United-States +<=50K,28, Private,30912, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,206889, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,87490, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,40, Local-gov,241851, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,155899, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Federal-gov,253135, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, ? +<=50K,77, Local-gov,120408, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,20, United-States +<=50K,64, Private,77884, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,43, Private,162887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,154843, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, India +<=50K,43, Local-gov,115511, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2002,40, United-States +<=50K,40, Private,121492, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,48, United-States +>50K,31, Private,103596, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,457070, 7th-8th,4, Divorced, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,19, Private,73461, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,41, Self-emp-inc,153078, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1887,70, South +<=50K,51, Private,194788, 10th,6, Divorced, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +<=50K,31, Self-emp-not-inc,203181, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,230279, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,52, Private,89041, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,92717, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,1504,40, United-States +<=50K,27, Private,257033, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,60, United-States +<=50K,40, Private,145166, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +>50K,38, Private,20308, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,203784, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,38353, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,133373, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,60, ?,167978, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,166302, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,17, Private,333304, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,265706, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,4650,0,40, United-States +>50K,65, Self-emp-not-inc,111916, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,62, State-gov,213700, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,276559, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,2444,45, United-States +<=50K,36, Private,36989, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,181566, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4508,0,40, United-States +<=50K,23, Private,202920, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Germany +>50K,32, Self-emp-not-inc,24529, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,137320, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,66, ?,106791, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,160510, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,34, ?,112584, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,233779, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,54, State-gov,276005, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,192251, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,1902,15, United-States +<=50K,70, ?,308689, 5th-6th,3, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, Cuba +<=50K,50, Private,274528, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,17, Private,23856, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +>50K,53, Private,175220, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688,0,48, Taiwan +<=50K,41, Self-emp-not-inc,233150, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,153169, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,298449, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,43, United-States +<=50K,17, Private,188949, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,157911, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,243330, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,271343, Some-college,10, Separated, Tech-support, Own-child, White, Female,0,0,32, United-States +<=50K,48, Private,45564, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,50, United-States +<=50K,47, Private,262043, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,103323, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,96480, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,47, Private,154117, HS-grad,9, Separated, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,151856, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,132053, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,1719,40, United-States +<=50K,29, Private,199118, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,36, Self-emp-not-inc,119272, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,18, Private,209792, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,185084, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,230931, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,23, Private,162282, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,185366, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Private,93557, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,160428, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,53, Private,159650, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,137678, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Self-emp-not-inc,56841, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,33124, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,31, Private,219117, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,5455,0,60, United-States +>50K,43, Private,208045, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,128578, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,60, United-States +<=50K,28, Private,351731, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,46, Private,201694, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,205152, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,73, ?,30713, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,25, Private,190107, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Federal-gov,244480, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,32, Private,347112, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Federal-gov,106297, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,128516, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,55950, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Private,324505, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,130760, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,174413, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1974,40, United-States +<=50K,29, ?,20877, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,22, Private,144238, 11th,7, Never-married, Farming-fishing, Own-child, White, Female,0,0,38, United-States +<=50K,47, Private,193047, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,300099, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, ?,369902, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,56, Self-emp-not-inc,42166, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,54, Private,171924, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Canada +<=50K,50, Private,201984, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,29, Private,306420, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Self-emp-not-inc,46746, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,37, Private,185325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,30, Private,201697, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,181372, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,39, Private,112077, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,370057, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,72591, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,105803, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,198478, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,119017, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,42, Private,138872, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,56, Federal-gov,97213, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,40, Private,36556, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,38, State-gov,200904, 10th,6, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,186256, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,30, United-States +<=50K,18, Private,115815, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, England +>50K,42, Private,308770, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Local-gov,187792, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,233571, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,1902,40, United-States +<=50K,26, Private,131913, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,26, Private,31558, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,90, United-States +<=50K,33, Private,255004, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,2354,0,61, United-States +<=50K,25, Local-gov,315287, Some-college,10, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, Trinadad&Tobago +<=50K,18, Private,182545, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,59, Private,750972, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,69, Self-emp-not-inc,505365, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,6514,0,45, United-States +<=50K,22, Local-gov,177475, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,203761, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,36104, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,179708, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-inc,77392, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,73, ?,86709, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,38, United-States +<=50K,59, Local-gov,173992, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,20, Private,119665, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,188391, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,46, United-States +>50K,51, Private,326005, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +<=50K,24, Private,203203, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,59, Private,64102, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,169188, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,45, Private,385793, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,25, Private,390537, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,25, El-Salvador +<=50K,29, Private,115677, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,42, United-States +<=50K,22, Private,230248, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,66, ?,59056, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,72, Private,108038, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, Cuba +>50K,39, Local-gov,282461, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,36, Private,184659, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,65, Private,182470, Assoc-voc,11, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,63, Private,458609, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,3674,0,30, United-States +<=50K,58, Private,104476, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,1092,40, United-States +<=50K,27, Private,200802, Assoc-voc,11, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,170608, 10th,6, Separated, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,197322, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,118358, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,520231, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,61, Self-emp-not-inc,198017, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,29, Private,131045, Assoc-voc,11, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,272166, Some-college,10, Never-married, ?, Own-child, White, Male,0,1602,30, United-States +<=50K,30, Private,110083, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,335569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,167159, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,170326, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,319052, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,0,0,37, Philippines +<=50K,57, Private,174662, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,110732, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,27, Federal-gov,409815, Some-college,10, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,50, United-States +<=50K,28, Private,79874, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +>50K,49, Private,116641, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,35, United-States +<=50K,33, Private,87209, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,64, Local-gov,152172, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, White, Male,0,0,40, ? +<=50K,46, Self-emp-not-inc,142222, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,1151,0,60, United-States +>50K,50, Local-gov,120521, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,247752, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,34161, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,589155, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,149784, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,402522, 1st-4th,2, Divorced, Farming-fishing, Unmarried, White, Male,0,0,40, Thailand +<=50K,28, Private,228346, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,415755, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,289653, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,17, Private,165018, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,19, Private,322866, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,244813, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,538193, 11th,7, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,45, Private,256367, 12th,8, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,95864, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,291167, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,126569, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +>50K,34, Private,128016, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,40, United-States +<=50K,18, ?,323584, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,65, ?,115431, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,246156, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,24, Honduras +>50K,44, Private,346081, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Local-gov,156383, Some-college,10, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,151267, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,249039, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Federal-gov,157454, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,143540, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,72, State-gov,120733, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,344381, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,42, United-States +>50K,32, Private,149787, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,268525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,396099, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,221442, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,55, Private,115198, 9th,5, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,48, United-States +<=50K,48, Federal-gov,102359, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,298885, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,93213, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,40, Private,130760, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,29, ?,236834, Some-college,10, Divorced, ?, Own-child, White, Female,0,0,15, United-States +>50K,39, Self-emp-inc,31709, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,45, Private,192053, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,95918, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,43, Germany +>50K,36, Self-emp-inc,132879, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,28, Private,64940, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,57, Private,106910, HS-grad,9, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,22, Private,210474, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,393965, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,23, Local-gov,117789, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,35, Self-emp-not-inc,134498, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,28, Private,212068, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1980,40, United-States +<=50K,27, Private,169544, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,76, ?,32995, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,37, Private,261241, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1485,50, United-States +<=50K,43, Private,145784, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +>50K,33, Private,252646, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,56, Private,161944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,249644, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,195081, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,428251, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,59, Self-emp-not-inc,198145, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,348059, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,43587, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,24, Private,318612, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,1504,40, United-States +<=50K,17, ?,235661, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,29, Private,129528, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Private,200427, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,188243, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,48, United-States +<=50K,56, Self-emp-not-inc,306633, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,85019, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,22, ?,356286, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,10, United-States +>50K,45, Private,102771, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,34739, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, United-States +<=50K,22, ?,201959, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,28, Private,126743, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,2176,0,52, Mexico +<=50K,46, Local-gov,85341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,57, Private,275943, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,82823, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013,0,30, United-States +<=50K,30, Private,183388, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,116489, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,62, Self-emp-not-inc,215789, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,19, Private,365871, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,32, United-States +>50K,63, Local-gov,199275, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,38, United-States +<=50K,39, Self-emp-not-inc,34111, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,72, ?,314567, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,40, Self-emp-inc,102576, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,55, Trinadad&Tobago +<=50K,27, Private,103524, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +<=50K,47, Self-emp-not-inc,114222, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,28, Private,246933, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,107812, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,109162, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,59, Private,112798, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,33, Private,30612, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,105994, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,113090, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,26252, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,31, Private,49469, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,24, Private,172169, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,36, Private,151029, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,46, Private,134242, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, State-gov,87282, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,19, Private,84250, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,33, Private,76107, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,60, United-States +>50K,59, Self-emp-inc,36085, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +>50K,32, Private,220333, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,46, United-States +<=50K,58, Private,105363, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,19, Private,198668, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,47, United-States +<=50K,43, Private,157473, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,126568, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,220896, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Federal-gov,236048, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,34218, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,99999,0,80, United-States +<=50K,62, Private,155915, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,139684, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Private,23778, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,236804, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,78, Private,454321, 1st-4th,2, Widowed, Handlers-cleaners, Other-relative, White, Male,0,0,20, Nicaragua +<=50K,43, Private,229148, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,50, Outlying-US(Guam-USVI-etc) +<=50K,60, Local-gov,119986, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,455399, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024,0,40, United-States +<=50K,21, Private,301694, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Mexico +<=50K,64, ?,155142, HS-grad,9, Widowed, ?, Not-in-family, Black, Male,0,0,20, United-States +<=50K,27, Private,259652, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, State-gov,156642, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +<=50K,37, Private,94208, 1st-4th,2, Divorced, Other-service, Unmarried, White, Female,0,0,35, Mexico +<=50K,31, Private,117719, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Portugal +<=50K,27, Local-gov,100817, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,31, Private,144990, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,37, Self-emp-inc,198841, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Private,223881, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,18, Private,264017, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, Canada +<=50K,23, State-gov,26842, Assoc-voc,11, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,40, Private,477345, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2057,40, Mexico +<=50K,22, Private,267412, Preschool,1, Never-married, Other-service, Own-child, Black, Female,594,0,20, Jamaica +>50K,61, Self-emp-inc,190610, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,281237, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,254593, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,33, Private,159187, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,54, United-States +>50K,51, State-gov,200450, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,140854, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,52, Private,242517, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +>50K,47, Self-emp-not-inc,294671, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,20, State-gov,68358, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,53, Private,107096, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,1669,50, United-States +<=50K,43, Private,244419, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,26, Self-emp-not-inc,195636, 10th,6, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,75, United-States +<=50K,39, Private,368586, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,37, Puerto-Rico +<=50K,30, Private,215808, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +>50K,45, Private,165822, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,193379, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,120121, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,311603, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,48, Private,323798, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,38, United-States +<=50K,32, Private,253890, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,105252, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,37, Private,220696, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,194097, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +>50K,28, Private,181291, Some-college,10, Married-civ-spouse, Other-service, Own-child, White, Female,7688,0,40, United-States +<=50K,28, Private,258594, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,138976, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,48, United-States +<=50K,22, Private,81145, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,250853, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, ?,365739, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,257863, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,203697, Masters,14, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,54, Private,87205, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,66, Self-emp-not-inc,195161, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, ? +<=50K,41, Private,470486, 1st-4th,2, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,1719,40, Mexico +>50K,46, Local-gov,93557, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +>50K,39, Private,107991, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,51, Private,63081, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,73988, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,136080, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,38, State-gov,49115, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,27, United-States +<=50K,30, Private,314649, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,18, Private,166224, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,44, ?,118484, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +>50K,56, Local-gov,291529, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,252392, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,96, Mexico +<=50K,42, Private,86912, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,193537, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,50, Puerto-Rico +<=50K,33, Private,83231, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,325461, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, Private,36011, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,274869, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,178322, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,67666, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,38, United-States +<=50K,33, Private,153005, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,27, Private,138269, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,265204, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,437318, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,208109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,50, Self-emp-not-inc,91103, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +>50K,57, State-gov,388225, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,76, Self-emp-not-inc,42162, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,2, United-States +<=50K,52, Self-emp-not-inc,417227, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,36, State-gov,180220, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,187560, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,127573, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,2202,0,45, United-States +>50K,51, Federal-gov,68898, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,78662, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, Mexico +<=50K,56, Private,158776, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,164575, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,328301, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,213897, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +>50K,40, Private,230684, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,381679, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Local-gov,360884, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,36, State-gov,256992, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,112115, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,113577, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,189382, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,45, Private,201080, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,46, Private,344415, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,201232, HS-grad,9, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,332194, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,30, Private,216864, 9th,5, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,290922, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,27, United-States +<=50K,42, Local-gov,223548, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,109419, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,45, United-States +>50K,27, Private,135296, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,59, State-gov,100270, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,18, Private,99497, 12th,8, Never-married, Other-service, Own-child, Other, Female,0,0,30, United-States +<=50K,26, ?,223665, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,84, United-States +>50K,48, Self-emp-inc,341762, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,236483, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,311570, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,32, United-States +<=50K,36, Private,588739, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, India +>50K,44, Self-emp-inc,79521, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,55, United-States +<=50K,36, Private,327435, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,229636, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,60, United-States +<=50K,26, Private,124483, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,25, India +<=50K,58, Private,218764, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,39, State-gov,178100, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,197057, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,39, Private,191161, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,55, United-States +<=50K,65, Private,266828, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,1848,0,40, United-States +<=50K,29, Private,251526, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, United-States +<=50K,22, ?,145964, HS-grad,9, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,307149, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,37238, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,42, United-States +<=50K,32, Private,129020, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,209432, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,38, Private,139364, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Federal-gov,169124, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,116391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,176025, HS-grad,9, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,44712, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,15, United-States +<=50K,35, Self-emp-not-inc,190759, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,185692, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,80576, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,31, Private,282173, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,187158, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,214468, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,185410, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,37, Private,87757, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,449578, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,309028, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,155293, 12th,8, Divorced, Sales, Not-in-family, White, Female,0,1762,45, United-States +<=50K,46, Private,32825, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,216845, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,45, State-gov,149640, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,19, State-gov,140985, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,38, Private,218188, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,27, State-gov,187327, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,182511, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,157639, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,58, United-States +<=50K,46, Local-gov,258498, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,87632, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228394, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +>50K,59, State-gov,200732, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +>50K,36, Private,49657, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Local-gov,106179, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,135267, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +>50K,65, ?,486436, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,69757, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Female,0,0,50, United-States +>50K,53, Private,190319, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1485,40, Thailand +<=50K,20, Private,188409, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,54, Private,181246, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,103573, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,180725, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,26, State-gov,34862, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,38, ? +>50K,55, Self-emp-inc,275236, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,40, Self-emp-not-inc,76487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Federal-gov,75073, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,42, United-States +<=50K,23, Private,231929, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,186410, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +>50K,42, Self-emp-not-inc,344624, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,66, Private,97847, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,30, Private,387521, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,25, ?,193511, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,35, El-Salvador +>50K,20, Private,325033, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,37, Private,285637, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,50, United-States +<=50K,20, Private,186014, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,27, Private,203160, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,190290, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,33, Private,219553, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,290882, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,54, Private,133403, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,35, United-States +<=50K,33, Private,150154, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,203076, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,158592, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,215115, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,20, Private,117476, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,159269, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,24, Private,189924, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,60, United-States +>50K,32, Local-gov,226296, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,103886, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,148508, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,79586, Some-college,10, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,35, India +<=50K,40, ?,95049, Assoc-voc,11, Separated, ?, Own-child, White, Female,0,0,40, ? +>50K,45, Self-emp-inc,192835, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,316184, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +>50K,49, Private,132476, Doctorate,16, Divorced, Tech-support, Unmarried, White, Male,7430,0,40, United-States +<=50K,44, Private,76487, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,302712, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,42, Private,225193, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,102092, 11th,7, Widowed, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +>50K,51, Private,173754, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,38238, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,41, Private,212027, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,173593, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,75, United-States +<=50K,27, Local-gov,132718, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,103588, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Local-gov,75387, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,38444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,21, Private,35603, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,11, United-States +<=50K,24, Private,588484, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,40, United-States +<=50K,62, ?,191118, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,88638, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,61, Private,27086, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,184319, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,24, United-States +<=50K,31, Private,307375, Some-college,10, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,17, Private,93511, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,32950, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,313945, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,275517, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,72, United-States +<=50K,55, Private,132145, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,377798, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,48, Private,198000, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,38, United-States +<=50K,67, Private,166591, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,1848,0,99, United-States +<=50K,72, Self-emp-not-inc,117030, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,275369, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,300584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,27, Local-gov,230997, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,73199, 12th,8, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,61, Private,362068, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,162604, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,40, Private,86143, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,39, Private,116477, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-not-inc,102308, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +>50K,57, Self-emp-inc,199067, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,90, Greece +>50K,47, Private,205100, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,127493, Assoc-acdm,12, Widowed, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,77, Self-emp-not-inc,34761, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,221480, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,8, United-States +<=50K,37, Self-emp-not-inc,216473, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,43, Self-emp-inc,147206, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,45, United-States +<=50K,50, Private,162868, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,68, Self-emp-not-inc,335701, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,250322, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Local-gov,182856, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,45, United-States +<=50K,24, Private,97743, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,42, Private,227065, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,59840, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174,0,40, United-States +<=50K,26, Private,140446, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +>50K,32, Federal-gov,86150, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,1977,40, United-States +<=50K,51, Private,147876, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,219199, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,28497, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,27, Private,405177, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,29, Private,320451, Bachelors,13, Married-spouse-absent, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +>50K,71, Self-emp-not-inc,30661, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514,0,40, United-States +>50K,30, Local-gov,38268, HS-grad,9, Separated, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,199900, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,39, Self-emp-inc,172538, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,194517, 11th,7, Never-married, Farming-fishing, Own-child, White, Female,0,0,18, United-States +<=50K,20, Private,129024, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,37, Private,203828, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,146659, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,29261, Assoc-acdm,12, Never-married, Other-service, Other-relative, White, Male,0,0,42, United-States +<=50K,19, Private,366109, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,29, Private,212091, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,202872, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +>50K,31, Private,373903, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,289403, HS-grad,9, Divorced, Tech-support, Not-in-family, Black, Male,0,0,40, ? +<=50K,21, Private,60552, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,188325, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,398480, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,37, Federal-gov,254202, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,27828,0,50, United-States +<=50K,41, Self-emp-inc,277858, Bachelors,13, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +<=50K,50, Private,102346, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,36, ? +<=50K,34, Private,226629, 12th,8, Separated, Sales, Unmarried, White, Female,0,0,34, United-States +<=50K,47, Private,219632, 1st-4th,2, Widowed, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +<=50K,21, Private,449101, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,330535, Doctorate,16, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,38, Private,202937, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Federal-gov,269733, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,355856, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,48, Self-emp-inc,275100, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, Greece +<=50K,30, State-gov,136997, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,136931, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,38, Thailand +<=50K,31, ?,346736, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,45, United-States +<=50K,30, Local-gov,264936, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,269722, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,28, Private,251905, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,57, Private,180636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,116915, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,182516, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,49, Local-gov,199862, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2179,40, United-States +>50K,44, Private,127482, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +<=50K,44, Private,142968, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,115258, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,190822, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,31, United-States +>50K,50, Local-gov,68898, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,17, Self-emp-inc,151999, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,28, Self-emp-not-inc,236471, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Local-gov,29075, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,5013,0,40, United-States +<=50K,43, State-gov,186990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,48, Private,210369, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,57, ?,179644, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,5, United-States +<=50K,28, Private,119128, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,188386, HS-grad,9, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,120645, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,58, Local-gov,303176, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,358434, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,57, Private,36091, HS-grad,9, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,48, Private,250648, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,49, Private,131918, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-not-inc,151504, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,161880, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,50, United-States +<=50K,45, Private,123681, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,94090, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,129980, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +>50K,50, Private,237258, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,48, United-States +<=50K,65, Self-emp-not-inc,147377, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +>50K,36, Federal-gov,253627, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,63, ?,528618, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,27881, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,79874, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,156981, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,46, Local-gov,195418, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,175185, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,273796, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,37, State-gov,373699, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,82508, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,162551, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Hong +<=50K,24, Private,166297, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,25, United-States +<=50K,25, Local-gov,100125, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,175690, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,184441, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,42, United-States +>50K,28, Self-emp-inc,167737, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +<=50K,58, Private,186121, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,177851, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,106961, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,419712, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,40, Local-gov,208875, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,373628, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,1504,40, United-States +<=50K,26, Private,331861, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, England +<=50K,29, Private,249948, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,50, Private,99316, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,252570, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,89160, 12th,8, Never-married, Priv-house-serv, Own-child, White, Female,0,0,18, United-States +<=50K,25, Private,49092, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,87757, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,806552, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,70754, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, United-States +<=50K,28, Private,150437, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,71, ?,46836, 7th-8th,4, Separated, ?, Not-in-family, Black, Male,0,0,15, United-States +>50K,34, State-gov,117186, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,49, Private,239625, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,128483, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +<=50K,17, Private,53367, 12th,8, Never-married, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,20, Private,358355, 9th,5, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,139522, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1573,40, Italy +<=50K,26, Private,93017, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Private,101320, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1564,40, Canada +>50K,57, Self-emp-inc,105582, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,40, United-States +>50K,40, Private,121718, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, Private,111836, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,58, Private,96840, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,37, United-States +<=50K,62, Local-gov,176839, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +>50K,41, Local-gov,193553, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,64, United-States +<=50K,46, Private,168232, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,146325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Yugoslavia +<=50K,33, Private,111567, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,478354, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,30, Private,209768, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,188909, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,321313, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,19, ?,264228, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,22, Private,345066, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,32855, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,33, Self-emp-inc,287372, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,214807, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Local-gov,275110, Some-college,10, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,352089, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,33, State-gov,110171, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1092,40, United-States +<=50K,20, Private,211391, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,51, Private,91506, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +<=50K,52, Private,180949, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,64, Self-emp-inc,169072, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,33, Private,264554, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,38, Private,99065, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,30, Private,201122, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,323636, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, Canada +>50K,37, Local-gov,184112, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,243367, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,37, United-States +<=50K,25, State-gov,149248, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Local-gov,248748, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,242616, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,207246, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,40, United-States +<=50K,75, Self-emp-not-inc,343631, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,15, United-States +<=50K,53, Private,403121, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Self-emp-not-inc,184435, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,181405, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,67, Self-emp-not-inc,75140, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,29, Self-emp-not-inc,467936, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, ? +<=50K,32, Self-emp-not-inc,181212, Some-college,10, Separated, Farming-fishing, Unmarried, White, Female,0,0,65, United-States +<=50K,42, Private,324421, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +>50K,41, Private,344624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,98735, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,48, Local-gov,186172, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,107157, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,353871, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,175958, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,62, Private,252134, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, Cuba +<=50K,30, Private,95923, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,56, Local-gov,203250, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,296212, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +<=50K,22, Private,333838, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,345730, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,53, Federal-gov,128141, Bachelors,13, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,53, Private,249347, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Cuba +<=50K,51, Private,171914, 9th,5, Widowed, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Private,344519, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,34, Self-emp-inc,196385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,87546, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,85668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,126613, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,239753, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,162796, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,52, Federal-gov,197189, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,33, State-gov,25806, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, ? +<=50K,28, Private,89813, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, State-gov,142167, Masters,14, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, ? +>50K,40, Private,171589, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,60, Private,203985, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,394191, 12th,8, Never-married, Transport-moving, Own-child, White, Male,0,0,55, Germany +<=50K,50, Private,155433, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,39581, Bachelors,13, Separated, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,305834, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,200220, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,229732, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,190333, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,155983, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Private,211351, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,4386,0,40, United-States +<=50K,19, ?,505168, 9th,5, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,49, Private,256417, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,40, Mexico +<=50K,17, ?,165069, 10th,6, Never-married, ?, Own-child, White, Male,0,1721,40, United-States +<=50K,20, Private,249385, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,20, United-States +>50K,53, Private,168723, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,165866, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,48, Private,48553, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,72, United-States +<=50K,27, Private,244751, HS-grad,9, Never-married, Adm-clerical, Own-child, Other, Male,0,0,40, United-States +<=50K,21, Private,228230, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,152951, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,29023, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,48, Self-emp-not-inc,136455, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +>50K,38, ?,245372, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,75, United-States +<=50K,19, ?,155863, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,30, United-States +<=50K,37, Private,126675, Some-college,10, Widowed, Machine-op-inspct, Other-relative, White, Male,0,0,40, ? +<=50K,37, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,44, United-States +<=50K,39, Federal-gov,33289, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,35, Private,111377, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,103651, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,56, Private,53481, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,238917, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,25, Private,167495, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Federal-gov,114222, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,32, Private,182323, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,24, Private,137589, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,32, Private,181091, Bachelors,13, Never-married, Sales, Own-child, White, Male,13550,0,35, United-States +<=50K,41, Private,156580, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, Dominican-Republic +>50K,32, Private,210926, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,37, Self-emp-not-inc,255503, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,116546, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,66, Self-emp-not-inc,34218, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,18, ?,305327, Some-college,10, Never-married, ?, Own-child, Other, Female,0,0,25, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,858091, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,79646, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,42, Private,103089, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,1506,0,40, United-States +<=50K,40, Self-emp-not-inc,145441, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,30, United-States +<=50K,20, State-gov,117210, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,379246, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,130018, 11th,7, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,121466, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,339518, Assoc-acdm,12, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,33, Private,388672, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,56, Self-emp-not-inc,190091, Assoc-voc,11, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,46, United-States +<=50K,27, Private,197918, 11th,7, Never-married, Craft-repair, Unmarried, Black, Male,0,0,47, United-States +<=50K,31, Private,361497, 7th-8th,4, Never-married, Farming-fishing, Other-relative, White, Male,0,0,60, Portugal +>50K,61, ?,451327, Bachelors,13, Married-civ-spouse, ?, Husband, Other, Male,0,0,24, United-States +<=50K,22, Private,340217, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,32, Self-emp-not-inc,63516, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,29, Private,269786, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,63338, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,179127, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Italy +<=50K,35, Private,124090, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,215188, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,482082, 11th,7, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,19, Private,234725, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,289890, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,232036, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,195416, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, Private,22154, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,103734, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,32, Local-gov,32587, HS-grad,9, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,27, Private,190303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,270488, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,104509, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,47, Self-emp-not-inc,132589, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,37, Private,112812, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,126441, Some-college,10, Married-spouse-absent, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,123075, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,207955, 5th-6th,3, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, Ecuador +<=50K,51, Private,43705, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,116968, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,182142, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,74056, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,33, Self-emp-not-inc,132565, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Private,256796, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,62, Self-emp-inc,191520, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,80, United-States +<=50K,37, Self-emp-not-inc,33394, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,45, Local-gov,45501, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,25, Private,74389, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,201874, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,143804, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +<=50K,29, Local-gov,95471, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,267458, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,70668, 10th,6, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +>50K,34, Local-gov,260782, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,52, United-States +<=50K,50, Private,299215, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,99156, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,46, United-States +<=50K,52, Federal-gov,53905, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,94210, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,48, United-States +<=50K,31, Private,116508, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,176711, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,118058, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,23, State-gov,89285, Some-college,10, Never-married, Protective-serv, Not-in-family, Other, Female,99999,0,40, United-States +<=50K,52, Private,91093, Some-college,10, Divorced, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,204577, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,162041, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,48, Private,175615, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Japan +>50K,40, Private,99679, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,43, United-States +<=50K,22, Private,263398, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Private,147653, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,58, ?,32521, 11th,7, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Self-emp-inc,198871, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,88, United-States +>50K,34, Private,127651, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,143608, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,50048, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,73, ?,378922, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,20, Canada +<=50K,27, Private,292883, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,62, Private,190491, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,57, State-gov,132145, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +>50K,34, Private,126853, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,22, Private,59184, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Private,663291, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105,0,40, United-States +<=50K,29, Local-gov,76978, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,50, United-States +>50K,34, Self-emp-not-inc,196512, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,2472,35, United-States +<=50K,17, ?,103851, 11th,7, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,35, Private,241126, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,65, Private,266828, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,27, Private,204984, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1579,40, United-States +>50K,46, Private,188950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,35, Private,226528, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, Other, Male,0,0,60, England +<=50K,38, Private,268893, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,165473, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Private,447554, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,54, Self-emp-inc,304955, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,30, Private,198265, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,395206, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,312667, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,2174,0,55, United-States +<=50K,23, Private,117767, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,36, United-States +>50K,40, Private,170482, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,14344,0,45, United-States +>50K,29, Private,309778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,28, Private,289991, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,255543, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,119079, 11th,7, Married-civ-spouse, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,37, Private,318168, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,1055,0,20, United-States +<=50K,39, Private,67317, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,337953, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,451603, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,30, Private,455995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, State-gov,209768, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,27385, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,226296, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,47, Private,285335, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,376700, Bachelors,13, Never-married, Sales, Own-child, Black, Male,6849,0,50, United-States +<=50K,33, Private,150324, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,49, United-States +<=50K,62, Private,96460, HS-grad,9, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, ?,188141, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,60, United-States +<=50K,42, Private,163985, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,27, United-States +<=50K,63, Private,85420, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,15, United-States +<=50K,21, Private,416103, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,65, Self-emp-inc,224357, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,116062, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,194259, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,55, ? +<=50K,33, Private,460408, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Mexico +<=50K,67, Self-emp-not-inc,178878, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,12, United-States +<=50K,36, Private,416745, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,292136, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,30, United-States +<=50K,60, Private,176731, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,104097, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,203482, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,360224, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,67, Private,23580, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,195891, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,182862, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,64, Private,148956, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,24, ?,95862, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,48393, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,32, United-States +<=50K,40, Private,132633, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,1741,40, United-States +<=50K,35, Local-gov,182074, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, State-gov,136848, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,53, Private,197054, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, State-gov,243033, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Self-emp-inc,154174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,59380, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +>50K,38, Federal-gov,122240, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,193945, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,350103, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,32365, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,56, Private,94345, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,166437, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,149653, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,57, Private,157271, 11th,7, Divorced, Other-service, Not-in-family, Black, Male,0,0,54, United-States +>50K,60, Private,164599, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,81, Self-emp-inc,104443, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, ? +<=50K,46, Private,411595, 5th-6th,3, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,18, Private,198368, 11th,7, Never-married, Other-service, Own-child, White, Male,594,0,10, United-States +<=50K,42, Self-emp-not-inc,115932, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,158397, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,101345, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,48853, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, Cuba +<=50K,39, Private,38145, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,31, Private,127651, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,38, United-States +<=50K,28, Private,185896, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,47, Mexico +<=50K,34, State-gov,92531, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,195904, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,41, State-gov,153095, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,581025, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,38, United-States +<=50K,61, Local-gov,202384, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,46, Local-gov,122177, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,405713, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,212185, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +<=50K,36, Private,266347, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,31, Private,49469, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,210830, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Local-gov,188612, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,104017, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,30, United-States +<=50K,23, Private,154785, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,20, Private,39477, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,72, Private,99554, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,10, Poland +<=50K,61, Private,255978, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Local-gov,98823, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Federal-gov,109598, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,266971, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,334593, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,41035, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,35, State-gov,238591, Some-college,10, Separated, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,44, Local-gov,117012, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +<=50K,30, Private,192002, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,137135, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,69, Private,150600, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,70, Private,117464, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,16, United-States +<=50K,42, Self-emp-not-inc,111971, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,290044, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, Canada +<=50K,17, Private,197186, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +>50K,51, Self-emp-not-inc,61127, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,236379, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,30, United-States +<=50K,31, Private,207100, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +>50K,50, Self-emp-inc,288630, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,203181, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,36, United-States +<=50K,43, Private,146770, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,191789, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,453983, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,32, Self-emp-not-inc,106014, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Private,218955, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,62, Private,115771, Assoc-voc,11, Widowed, Sales, Unmarried, White, Female,0,0,33, United-States +>50K,36, Private,305379, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,53063, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,139466, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,64, State-gov,152537, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,400535, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,330802, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,117789, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,330836, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,323985, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,5, United-States +>50K,50, Local-gov,282701, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,48, United-States +<=50K,45, Private,180695, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,1408,40, United-States +>50K,38, Private,314007, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +<=50K,51, Without-pay,124963, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,47, Private,380922, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,53, Local-gov,222381, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,656488, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Male,0,0,50, United-States +>50K,38, Private,98776, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,143050, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,118792, 11th,7, Never-married, Sales, Other-relative, White, Female,0,0,24, United-States +<=50K,21, Private,154964, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Black, Female,0,0,40, United-States +>50K,41, Private,163847, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,282398, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Private,78954, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,28, United-States +>50K,38, Self-emp-not-inc,203988, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +>50K,54, Private,111130, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +>50K,45, Private,149388, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,39464, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Local-gov,94064, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, State-gov,342510, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,66, Self-emp-not-inc,163726, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, United-States +<=50K,35, Private,194496, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,66, Self-emp-not-inc,298045, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,42100, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,30, Private,77143, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,25, United-States +<=50K,38, Private,233197, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,17, Private,295120, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,85021, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,54, ?,191659, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,244194, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +<=50K,32, Local-gov,287229, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, Japan +<=50K,18, Private,324046, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,33, State-gov,65018, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, China +<=50K,37, Private,421633, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,93235, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Local-gov,227232, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, ?,121775, Assoc-voc,11, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,65382, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,179422, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,53, Federal-gov,276868, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,87317, 10th,6, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +>50K,32, Private,108247, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,197505, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,127493, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,2, United-States +<=50K,51, Private,75640, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, ?,320811, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,247053, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,119735, 9th,5, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +>50K,29, Private,157950, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,113732, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Self-emp-inc,224763, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Cuba +<=50K,42, Self-emp-not-inc,40024, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,66, United-States +>50K,42, Self-emp-not-inc,296594, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Federal-gov,53956, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,38, Self-emp-inc,71009, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,7298,0,40, ? +<=50K,34, Private,191834, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,107236, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,231284, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,40, Puerto-Rico +<=50K,31, State-gov,203488, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,41721, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,205100, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,80, United-States +<=50K,57, Private,75673, Some-college,10, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, ?,105598, 11th,7, Never-married, ?, Not-in-family, White, Male,0,1762,40, Outlying-US(Guam-USVI-etc) +<=50K,63, Self-emp-not-inc,177832, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,478457, 11th,7, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,30, United-States +<=50K,28, Local-gov,194759, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,1669,90, United-States +<=50K,64, Self-emp-not-inc,30310, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,29, Private,130010, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,170302, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +>50K,46, Private,120080, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,77, Private,183781, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,5, United-States +<=50K,31, Private,422836, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +>50K,46, Private,266860, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,393456, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, State-gov,318382, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,354520, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Private,123425, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,41, United-States +>50K,52, Private,123989, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175778, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,28, State-gov,73928, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,31, Private,33731, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,41, Private,557349, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,255252, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +>50K,40, Private,219164, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5178,0,40, United-States +<=50K,21, Local-gov,129050, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,61, Private,111797, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,32, United-States +<=50K,34, Private,192900, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,56651, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,51961, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,55, Philippines +<=50K,37, Private,141584, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,47, United-States +<=50K,18, Private,421350, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,52, Private,24740, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,55, United-States +<=50K,31, Local-gov,498267, HS-grad,9, Separated, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,117583, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,191455, Some-college,10, Married-civ-spouse, Tech-support, Wife, Other, Female,0,0,15, United-States +<=50K,22, Private,135716, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,27766, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,323919, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,73, Local-gov,114561, 5th-6th,3, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,25, Philippines +<=50K,17, Private,216137, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,49, Private,165539, HS-grad,9, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,35, United-States +>50K,42, Private,32016, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +>50K,35, Private,89040, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,264514, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,50, Private,24790, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,181139, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,42, United-States +<=50K,18, Private,168514, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,17, Private,354493, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,6, United-States +<=50K,33, Private,206707, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,230684, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,192381, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,397752, HS-grad,9, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,12, Mexico +<=50K,52, State-gov,120173, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228394, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,83, Private,186112, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,272237, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,45, Federal-gov,169711, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,72, United-States +<=50K,40, Self-emp-not-inc,172560, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,213700, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,23, Private,181820, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,120361, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +>50K,47, Local-gov,169324, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,4386,0,35, United-States +>50K,32, Private,262092, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,24, Private,143436, Bachelors,13, Never-married, Prof-specialty, Own-child, Other, Female,0,0,10, ? +>50K,43, Private,147099, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,55, Private,138594, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,58, Self-emp-not-inc,100606, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,25, Private,350850, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,66432, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,44, Local-gov,229148, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,236601, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,46, Private,144844, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,366088, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,162164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,442478, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,25, Private,181814, 11th,7, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,175109, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +<=50K,34, Self-emp-inc,152109, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,246891, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +>50K,30, Private,164802, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Other, Female,8614,0,40, India +<=50K,21, Private,57711, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Local-gov,117789, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,67, Private,120900, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,28, Private,114673, Masters,14, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,45, Private,78529, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,282165, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,149337, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,250517, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, ?,76131, HS-grad,9, Never-married, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,352971, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,243981, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,55, ?,421228, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,94156, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,306868, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,43, Private,187164, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,179415, 10th,6, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,64, Private,45776, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,1762,79, United-States +<=50K,62, Private,256723, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,31909, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,68, Private,90526, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,35, ?,127306, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,179423, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,39, Private,140169, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +>50K,29, Private,37359, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,24, Private,125813, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,33, Private,209415, 10th,6, Divorced, Protective-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,41, Private,206619, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,283737, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,162187, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,30, Self-emp-inc,191571, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,33725, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,236543, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,40, United-States +<=50K,26, Federal-gov,73047, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,20, Private,230574, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,32, Private,178109, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,36, United-States +>50K,58, Private,282023, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,101761, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,98168, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,22, Private,287681, 11th,7, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +<=50K,39, ?,265685, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,65, Puerto-Rico +<=50K,38, State-gov,91670, Some-college,10, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, State-gov,61989, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,23, Private,138513, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,95423, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, Federal-gov,30917, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,20, ?,316304, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,102791, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,416506, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,14084,0,36, United-States +<=50K,20, Self-emp-inc,245611, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,47, Federal-gov,655066, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,0,40, Peru +<=50K,57, Self-emp-not-inc,87584, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,47, Self-emp-not-inc,304223, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,40690, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,18, Private,348131, 11th,7, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,64, Private,191477, 5th-6th,3, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,4, United-States +<=50K,29, Private,115438, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,47, Federal-gov,176917, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,40, ?,104196, HS-grad,9, Separated, ?, Own-child, White, Male,0,0,45, United-States +>50K,28, Private,202182, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,308239, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,4, United-States +>50K,34, Private,163581, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,10520,0,40, Puerto-Rico +<=50K,34, Local-gov,211239, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,6497,0,40, United-States +<=50K,31, Private,121321, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, United-States +<=50K,23, State-gov,120172, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,48, United-States +<=50K,20, Private,190916, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,1721,20, United-States +<=50K,25, Private,340288, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,426431, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,226027, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,278736, 12th,8, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,48, Private,168462, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,379070, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,214541, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +>50K,52, Self-emp-inc,29887, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,53, Self-emp-not-inc,138022, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +>50K,57, Self-emp-inc,208018, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,126876, HS-grad,9, Divorced, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,182703, Masters,14, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,34, Private,161153, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,44, Self-emp-not-inc,168443, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,335522, 9th,5, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,27, Private,220104, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1876,50, United-States +<=50K,28, ?,162312, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, South +>50K,36, Private,104772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,161472, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,91506, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,186717, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,77927, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Female,0,0,50, Philippines +<=50K,55, Private,140063, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Self-emp-inc,317580, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,122533, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,57423, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,103331, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,64, State-gov,417543, Doctorate,16, Widowed, Prof-specialty, Not-in-family, Black, Male,8614,0,50, United-States +>50K,56, Private,253854, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,106850, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-inc,314007, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,78, United-States +<=50K,23, Private,494371, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Local-gov,270421, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,203488, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,40, United-States +<=50K,35, Private,167691, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,198318, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,37, Private,319831, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,70240, Masters,14, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,36, Philippines +<=50K,67, Private,227113, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2457,40, United-States +<=50K,22, Private,168997, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, State-gov,231929, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,22, Private,207969, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,35, United-States +<=50K,68, Private,192656, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +<=50K,31, Private,187215, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,51, Self-emp-inc,119570, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,64, Private,188659, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,35, Private,110013, Bachelors,13, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,55860, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-inc,282069, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Federal-gov,26585, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,46, Self-emp-inc,218890, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,35, Private,211154, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,230095, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,737315, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,50, Private,144084, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,48384, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,541755, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,178778, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,1340,40, United-States +<=50K,28, Private,436198, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,37, Private,82521, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064,0,46, United-States +<=50K,39, Private,367020, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,174461, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,162501, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,193026, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,218172, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,41, Private,110318, Masters,14, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,36, Private,126675, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1579,40, United-States +<=50K,24, Private,116788, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,161092, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,159109, 11th,7, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,213191, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,240629, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,17, Private,227960, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,10, Puerto-Rico +>50K,54, Private,151580, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, France +<=50K,41, Private,160893, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,35, Local-gov,184117, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,18, Private,32059, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,23, United-States +<=50K,42, Private,361219, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,60, Private,334984, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,2231,40, United-States +<=50K,49, Self-emp-not-inc,33300, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,57, Private,199713, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,43, Private,401134, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,2238,40, United-States +<=50K,37, Private,132702, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,306693, Some-college,10, Married-civ-spouse, ?, Other-relative, White, Female,0,0,20, United-States +<=50K,20, Private,286166, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Private,123515, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,132053, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,20, Self-emp-inc,266400, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,42, Local-gov,335248, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +>50K,81, Private,36147, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605,0,2, United-States +<=50K,21, Private,266467, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,2205,40, United-States +<=50K,43, Private,143809, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,39, Private,334366, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,41, Private,347653, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,32, Private,386806, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,45, Mexico +<=50K,48, Private,202322, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, El-Salvador +<=50K,50, Private,594521, 9th,5, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,174267, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,64, United-States +<=50K,18, ?,169542, 12th,8, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,54, Private,227392, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,99131, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Self-emp-inc,225860, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,287317, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,42, Private,46091, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,170050, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, State-gov,352317, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,56, Private,225267, Some-college,10, Divorced, Sales, Not-in-family, White, Male,14084,0,60, United-States +<=50K,28, Private,217545, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, ? +>50K,33, Private,183778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,210013, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,49115, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,44, United-States +<=50K,31, Private,310429, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,70, United-States +<=50K,33, Private,114691, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,46, Private,124356, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,51284, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,36, United-States +<=50K,47, ?,294443, Assoc-voc,11, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,200009, 10th,6, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,258862, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,18, United-States +<=50K,35, Private,37778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,402771, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,42, Federal-gov,201520, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,43, United-States +<=50K,47, Local-gov,55237, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +<=50K,63, ?,52750, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,197189, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,4650,0,48, United-States +<=50K,39, Private,96564, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,334105, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,115323, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,157289, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +>50K,52, Private,320877, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,198186, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, ? +>50K,62, Private,195543, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,48, Private,103406, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +<=50K,22, ?,320451, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,24, ? +<=50K,18, Private,23940, Some-college,10, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,46, Private,45857, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,29, Private,195557, Assoc-acdm,12, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,229148, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,21, ?,152328, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,186157, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,127712, Assoc-voc,11, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,45, Poland +<=50K,24, Private,254351, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,61, Private,182163, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,34, Private,442656, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,65, Guatemala +<=50K,30, Private,111363, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,491000, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,45, State-gov,156065, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,243743, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,47, Self-emp-not-inc,173938, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2258,20, United-States +>50K,37, Private,86308, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,216068, Assoc-acdm,12, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,237432, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,177216, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,212895, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,122749, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Germany +>50K,44, Private,254303, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Hungary +<=50K,20, Private,73679, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,455995, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,214288, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,48, United-States +<=50K,28, Private,228075, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Hong +<=50K,35, Private,412017, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,41, Private,236900, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,289442, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Local-gov,237298, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, State-gov,47072, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,8, United-States +<=50K,25, Private,197036, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, State-gov,175507, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,53, Private,350131, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,48, United-States +<=50K,35, Private,150057, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,48, United-States +>50K,40, Self-emp-inc,190650, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,45, South +<=50K,27, Private,430672, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,50, Private,99316, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, ?,191776, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +>50K,33, Private,97723, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,50, United-States +<=50K,28, ?,197288, 11th,7, Never-married, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,36, Private,239409, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,195554, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,76855, Some-college,10, Divorced, Transport-moving, Unmarried, White, Female,0,0,53, United-States +<=50K,43, Private,281315, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,76, Local-gov,224058, 10th,6, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,20, United-States +<=50K,23, Private,232799, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,2977,0,55, United-States +<=50K,29, Private,174163, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,47178, 5th-6th,3, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,97950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,6, United-States +<=50K,26, Private,342765, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,42, Local-gov,209818, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,55, United-States +>50K,36, Private,349534, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,31, United-States +<=50K,43, Self-emp-inc,170214, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,28, Private,145284, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,124161, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,105357, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,355700, Prof-school,15, Married-AF-spouse, Prof-specialty, Wife, White, Female,99999,0,60, United-States +<=50K,30, Private,99928, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,308739, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,58, Self-emp-inc,179781, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,52, Federal-gov,297906, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,25, Private,189663, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,339029, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Self-emp-not-inc,87076, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,109928, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,55, Private,218456, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,26, Local-gov,176756, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,75, United-States +>50K,69, ?,214923, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,191789, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, ? +<=50K,19, Private,238383, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,315476, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,195148, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,49, ?,174274, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,80, United-States +<=50K,42, Private,143208, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, ? +<=50K,40, Private,30201, Assoc-voc,11, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Self-emp-inc,200352, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,117028, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,30, Poland +<=50K,45, Private,44489, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,0,0,65, United-States +<=50K,52, Private,236222, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,496856, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,29, Private,132675, 11th,7, Separated, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,42, Private,89226, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,36, ?,112660, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,294466, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,58, Private,201011, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,24, United-States +>50K,47, Private,27624, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,65, United-States +<=50K,31, Private,385959, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Private,214691, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,34, Private,196253, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Local-gov,242341, Some-college,10, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,23, Private,195016, Some-college,10, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,35, United-States +>50K,47, Private,174794, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, England +<=50K,59, Self-emp-not-inc,134470, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2635,0,60, United-States +<=50K,17, Private,166360, 10th,6, Never-married, Craft-repair, Own-child, White, Female,0,0,30, United-States +<=50K,40, Local-gov,26671, Bachelors,13, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,589838, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,45, Private,149169, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,287920, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,57, Private,56080, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,22, State-gov,211798, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +>50K,30, Private,415266, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,147110, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,32, Private,228873, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,40, Private,305348, 9th,5, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +>50K,50, Federal-gov,189831, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,50, United-States +<=50K,45, Private,247379, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Federal-gov,198841, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,364986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1628,47, United-States +>50K,31, Private,203488, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,31, Private,141118, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,24, United-States +>50K,49, Self-emp-not-inc,155862, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,324550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,174353, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,82, Self-emp-not-inc,181912, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,12, United-States +>50K,45, Private,168191, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,37, United-States +>50K,35, ?,216068, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,5178,0,12, United-States +>50K,41, Private,125461, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,162688, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,234406, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,41, State-gov,114537, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,68111, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,322799, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,479296, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Private,323385, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,63, Private,162772, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,53, Private,27166, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,10520,0,40, United-States +<=50K,55, ?,142642, HS-grad,9, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,162954, Some-college,10, Married-AF-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,90533, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,52, Private,234286, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,84, United-States +<=50K,17, Private,355559, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,18, United-States +<=50K,35, Private,32528, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,132847, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,279724, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Private,30827, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,179772, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,112264, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,93690, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,178983, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, ?,194740, 10th,6, Widowed, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,48, Local-gov,283037, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,312485, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,30, Private,202450, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Local-gov,272569, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,231865, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195693, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,27, Private,108574, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,605504, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,140985, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, England +<=50K,22, State-gov,160369, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,29, Private,303440, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,263871, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,28338, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-inc,298624, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,41, Private,139126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,57, Private,197994, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,32, United-States +<=50K,34, Local-gov,241259, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,248568, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,59, Self-emp-not-inc,304779, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,58, Private,143266, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,169719, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,34, Private,257128, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,78507, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,490332, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,244200, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, Puerto-Rico +>50K,44, Self-emp-not-inc,95298, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,329174, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,107142, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,39, State-gov,33975, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,201579, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +>50K,39, Self-emp-not-inc,122852, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,35, Private,272742, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,27828,0,60, United-States +<=50K,53, Private,161691, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,4865,0,40, United-States +>50K,41, Local-gov,223410, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,90, Private,250832, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2414,0,40, United-States +<=50K,44, Local-gov,282069, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,369164, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,81, Self-emp-not-inc,218521, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,21, United-States +<=50K,19, Private,136405, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,40, Private,199018, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,299249, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,235567, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,52, United-States +<=50K,51, Self-emp-not-inc,73493, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,54, Private,320012, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,37, Self-emp-inc,183898, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,190027, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,31, Private,87891, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,304001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,171424, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,123807, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,22, ?,210802, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,24, United-States +<=50K,25, Private,80220, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,216413, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,423453, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,16, United-States +<=50K,30, Private,178835, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,304001, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,167482, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,32, Private,26543, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,2231,40, United-States +<=50K,52, Private,176409, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, State-gov,87018, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,251603, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Local-gov,366180, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,186916, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,55, United-States +<=50K,30, Self-emp-not-inc,164461, 11th,7, Divorced, Sales, Unmarried, White, Male,0,653,40, United-States +<=50K,42, Private,54102, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,199058, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,22, Private,293324, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,96798, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,132340, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,3, United-States +<=50K,45, Private,175925, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Self-emp-not-inc,33230, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,15, United-States +<=50K,20, Local-gov,298871, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,10, United-States +<=50K,26, Private,142760, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Male,0,0,50, United-States +<=50K,30, Private,200700, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,117310, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,60, ? +<=50K,44, Private,238188, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,354496, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,416541, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,52, Private,42902, 9th,5, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,180317, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,378581, 12th,8, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, United-States +>50K,45, Local-gov,213620, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,58, Private,186905, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,99999,0,40, United-States +<=50K,47, Private,182054, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Local-gov,189634, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,25, Local-gov,170070, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Private,445382, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,168211, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,22, Private,341760, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,152452, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,558752, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,28, Private,153813, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,54, Private,81859, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,51664, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,334421, Bachelors,13, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, China +<=50K,35, Private,239415, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,57, Local-gov,62701, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,6849,0,40, United-States +>50K,37, Self-emp-inc,347491, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Local-gov,108739, 11th,7, Widowed, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,340917, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,2174,0,45, United-States +<=50K,54, Federal-gov,160636, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,49, Private,116927, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,179423, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,347829, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,4, United-States +>50K,62, Self-emp-not-inc,56317, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,37, Self-emp-inc,347189, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,201520, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,43533, 5th-6th,3, Separated, Other-service, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,20, Private,313786, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,367216, Some-college,10, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,28, United-States +<=50K,23, Private,408988, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,48, Private,175662, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,77, Self-emp-not-inc,161552, Preschool,1, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,26, Private,311743, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,39, United-States +<=50K,25, Private,323229, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,163204, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,40, United-States +<=50K,25, Private,201481, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,154210, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,36, Local-gov,247547, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Self-emp-inc,254230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,58, United-States +>50K,33, Private,156464, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,108322, Some-college,10, Married-AF-spouse, Craft-repair, Husband, White, Male,0,0,28, United-States +>50K,33, Private,213179, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,160122, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,20, United-States +<=50K,64, ?,80392, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,36, Local-gov,254202, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,24, Germany +<=50K,26, State-gov,232914, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,206609, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,1876,40, United-States +<=50K,33, Private,44623, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,199005, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,403344, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,118577, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +>50K,37, Private,122889, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298,0,40, Taiwan +<=50K,23, Private,196508, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,24, United-States +<=50K,26, Private,40915, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,143774, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,22, Private,173004, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,1, United-States +>50K,49, Private,353824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,53, Private,171058, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,335400, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,30, Local-gov,263650, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,17, United-States +<=50K,59, Private,187025, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,49, Private,149218, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,190916, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,240989, 1st-4th,2, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,47, Private,216093, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +>50K,42, Private,111483, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,214810, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Private,165402, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,5178,0,40, United-States +>50K,50, Federal-gov,36489, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,173923, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,20, Private,273147, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,113814, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,118768, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +>50K,62, Federal-gov,34916, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,73023, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,46, State-gov,179869, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,259131, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,5455,0,40, United-States +<=50K,52, Private,257756, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,53, Private,448862, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,31, Private,150553, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,30, Private,205152, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,220499, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,134252, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,20, Private,175808, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,185621, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,278391, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,22, Self-emp-not-inc,174907, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,40, Private,175642, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Self-emp-not-inc,216889, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,183557, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,196674, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,169188, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,203785, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,196707, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,37, Private,190297, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,255595, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,5, United-States +<=50K,38, Self-emp-not-inc,374983, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,176178, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,35, Private,181165, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Local-gov,212490, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,61, Private,215766, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,261688, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,123417, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,29, Private,108431, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,2415,40, United-States +<=50K,58, Private,32954, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,224752, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,122353, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +>50K,37, Private,176159, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,189407, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,181772, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,109133, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,165229, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,315449, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,40, Private,37848, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Federal-gov,54595, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,127914, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,121596, Some-college,10, Never-married, Other-service, Own-child, White, Female,2907,0,35, United-States +<=50K,38, Private,95336, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, ?,299197, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,23, United-States +<=50K,58, Private,299991, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,28, Private,70034, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Portugal +>50K,30, Private,256970, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,29, Private,108706, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,52, Private,227832, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,272865, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,60070, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,40, Private,223730, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,51, Self-emp-not-inc,22743, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1740,40, United-States +<=50K,26, Private,195994, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,181242, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,133169, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, India +<=50K,22, Private,99199, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,246949, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,284889, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,41, United-States +>50K,35, Private,150309, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,1887,40, United-States +<=50K,24, Private,201799, Bachelors,13, Never-married, Transport-moving, Own-child, White, Female,0,0,84, United-States +>50K,58, Private,52090, Prof-school,15, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,83, Local-gov,107338, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,12, United-States +>50K,45, Private,32356, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,50092, Bachelors,13, Divorced, Exec-managerial, Unmarried, Other, Male,0,1138,40, United-States +<=50K,28, Private,311446, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Federal-gov,128553, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,203203, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,429281, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, ? +<=50K,31, Private,192660, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +>50K,30, Local-gov,170449, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,57, ?,221417, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,80, ?,156942, 1st-4th,2, Separated, ?, Not-in-family, Black, Male,0,0,15, United-States +<=50K,21, Private,177504, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,378546, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,39, United-States +<=50K,39, Self-emp-not-inc,33001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,213722, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,152307, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,55, United-States +<=50K,61, Self-emp-not-inc,53777, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,60668, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,34, Private,132544, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,99, United-States +<=50K,53, Private,277772, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,415755, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,51, Private,136080, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,31, United-States +<=50K,29, Private,241607, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,2597,0,40, United-States +<=50K,22, Private,180190, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,400356, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,55, Federal-gov,154274, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,40, United-States +<=50K,48, Private,146497, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,37, United-States +>50K,47, Private,189498, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,65, United-States +<=50K,32, Private,65942, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,56, United-States +<=50K,27, Self-emp-not-inc,151382, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,56651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,164488, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,27, Local-gov,183061, HS-grad,9, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,31, Private,289228, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,28, Private,38918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,194630, HS-grad,9, Separated, Machine-op-inspct, Own-child, White, Male,0,0,53, United-States +<=50K,31, Private,262848, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,157595, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,102476, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,45, Local-gov,93663, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,202450, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,72393, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,53147, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,337944, 11th,7, Separated, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,37939, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,118993, 9th,5, Married-civ-spouse, Transport-moving, Other-relative, White, Female,0,0,40, ? +<=50K,60, Private,772919, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,26, Private,143062, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,32593, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,167882, 12th,8, Never-married, Other-service, Unmarried, Black, Female,0,0,48, Haiti +<=50K,52, Local-gov,48413, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,50, Private,123429, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,244261, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,37, State-gov,318891, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,259788, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,248876, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,55, United-States +<=50K,63, Federal-gov,334418, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, Puerto-Rico +>50K,38, Self-emp-not-inc,166497, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Self-emp-not-inc,260833, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,107477, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,37932, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,216948, 10th,6, Separated, Sales, Other-relative, Other, Male,0,0,40, Cuba +<=50K,38, Private,157473, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,21, ?,117222, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,186733, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Private,231472, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,31, Local-gov,187689, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,323985, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,53, Private,270655, 12th,8, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,301614, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, Mexico +<=50K,25, Private,112754, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, ?,35633, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, ? +<=50K,30, Self-emp-not-inc,112358, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,247337, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +>50K,40, Self-emp-inc,115411, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,42, State-gov,884434, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,72812, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,36, United-States +<=50K,26, Private,192549, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,54310, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,33386, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,20, United-States +<=50K,30, Private,233433, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,45, United-States +<=50K,24, Private,106373, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,215591, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,184531, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,69495, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,22228, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,55899, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,181498, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,203572, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,23, Private,120601, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,74706, 10th,6, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,59, ?,259673, Some-college,10, Married-civ-spouse, ?, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,48, Private,126441, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,25, Private,127784, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,33658, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,3004,40, United-States +<=50K,36, Private,234901, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,34307, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,75, Private,124660, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,278637, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,373545, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,172548, 9th,5, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +>50K,46, Private,28074, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,89, United-States +<=50K,58, Self-emp-not-inc,127539, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,25, United-States +<=50K,25, ?,180246, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,1408,40, United-States +<=50K,34, State-gov,377017, Masters,14, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,144925, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, ?,156877, 9th,5, Separated, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,153019, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,32825, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,114120, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,38, United-States +<=50K,36, ?,92440, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,32016, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,165953, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,45, United-States +<=50K,21, Private,96061, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,50, Private,106422, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,1485,37, United-States +<=50K,49, Self-emp-not-inc,167281, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,137895, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,177487, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,344696, Some-college,10, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,51415, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931,0,98, United-States +>50K,36, Private,134367, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,32, United-States +<=50K,40, Private,289636, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,165115, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,206008, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,22, State-gov,149342, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,90042, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,49, United-States +<=50K,22, Private,495288, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,22, Private,234970, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, ? +<=50K,51, Self-emp-not-inc,123011, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,260454, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,39026, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,278021, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,159399, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,340665, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,2057,35, United-States +<=50K,34, State-gov,392518, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, Private,229826, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +>50K,62, Private,185503, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,399117, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,168232, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,42, Private,377322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,141742, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,1731,0,5, United-States +>50K,39, Private,31964, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,45, Self-emp-not-inc,29019, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,55, United-States +<=50K,67, ?,183420, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,21, United-States +>50K,36, Private,305319, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,182189, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,257250, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,60, Self-emp-not-inc,269485, Preschool,1, Divorced, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,32, Self-emp-not-inc,182177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,179481, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,27, Private,199118, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Nicaragua +<=50K,46, Private,33084, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,185407, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,177907, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,40, Private,145441, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,25, Private,104830, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,247507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-inc,216601, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Local-gov,91670, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,58, Private,106740, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,122562, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,109133, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,3674,0,52, United-States +>50K,35, Private,196123, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,123436, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,42298, 9th,5, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,297248, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, Columbia +<=50K,23, Private,117363, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,79864, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,190762, 1st-4th,2, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,46, Private,155509, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,32, Jamaica +<=50K,45, Federal-gov,163434, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,153832, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,53, Federal-gov,147629, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,33, Private,488720, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,49, Private,169180, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,1876,35, United-States +>50K,37, Private,188763, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,229647, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,42, United-States +<=50K,57, Self-emp-not-inc,321456, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,24, Private,199698, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,32, Private,226010, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,116298, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,130057, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,27, Private,369188, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,90, United-States +<=50K,32, Private,155193, HS-grad,9, Separated, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,159574, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,299353, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,56, United-States +>50K,46, Local-gov,99971, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,65, Private,190160, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,67, Private,283416, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Private,224277, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,111567, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +>50K,53, Private,151411, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,346736, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,26, Private,264055, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,55, United-States +<=50K,22, Private,309620, HS-grad,9, Never-married, Sales, Not-in-family, Other, Male,0,0,45, ? +>50K,39, Private,224541, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,235334, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,99999,0,60, United-States +<=50K,22, Private,296158, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,153997, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,231482, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,278553, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,38, United-States +<=50K,56, Private,91251, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,20, China +>50K,47, Self-emp-not-inc,192053, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,207120, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +>50K,46, Self-emp-inc,125892, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,34, Private,186824, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,200471, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +<=50K,22, Private,117779, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,44793, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,37646, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,174127, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,110103, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1762,40, United-States +<=50K,20, Private,74631, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,32, Private,211239, Some-college,10, Married-AF-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, ?,157008, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,90406, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,60, United-States +<=50K,27, Private,199998, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,32, United-States +<=50K,73, Private,132350, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,18, United-States +<=50K,61, Private,233427, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,52, Local-gov,71489, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,34, Self-emp-inc,119411, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,35, Private,351772, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Local-gov,34254, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Private,178693, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,47, Private,168262, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,58, Private,34169, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,25, United-States +<=50K,31, Private,328118, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,39, Self-emp-inc,122353, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,18, Private,37315, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,181916, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,55465, Assoc-acdm,12, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +>50K,45, Private,192203, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,49, United-States +<=50K,26, Private,91683, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,39302, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,27, Private,171356, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,197189, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,47, Private,112362, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,228326, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,307353, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,172160, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Self-emp-inc,234738, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,50, United-States +<=50K,34, Private,33117, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Self-emp-not-inc,217380, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,2559,60, United-States +<=50K,36, Private,157954, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,164299, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,65, United-States +<=50K,61, Self-emp-not-inc,224981, 10th,6, Widowed, Craft-repair, Other-relative, White, Male,0,0,18, Mexico +<=50K,25, Private,281209, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,200479, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,28, Private,132750, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Private,21154, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1590,32, United-States +<=50K,34, State-gov,189843, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,116657, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,52, Private,113522, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,176185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,90, Private,227796, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,6097,0,45, United-States +<=50K,24, Private,194891, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,197189, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,182191, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2202,0,38, United-States +<=50K,47, Private,242559, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,1408,40, United-States +>50K,90, Self-emp-not-inc,122348, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,45, United-States +<=50K,44, Private,40024, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,225978, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,407436, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,60, Self-emp-not-inc,119471, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,33, Private,249409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,38, ?,217409, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,148995, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,50, Private,200046, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,37, Private,215618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,280081, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,340651, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,1977,60, United-States +<=50K,39, Private,111000, Masters,14, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,26, Private,135521, Assoc-voc,11, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,28, United-States +<=50K,24, Self-emp-not-inc,194102, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,295127, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,60, ?,102310, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Female,0,0,45, Canada +<=50K,48, Private,240175, 11th,7, Separated, Other-service, Unmarried, Black, Male,0,0,22, United-States +>50K,41, Private,145441, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,243019, Preschool,1, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,215596, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,25, State-gov,31350, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,246965, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,28, Private,99838, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, ? +<=50K,40, Private,340797, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, ?,29937, HS-grad,9, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,38, Local-gov,30056, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,309903, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,55, State-gov,256984, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,181723, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, Germany +>50K,37, Private,101020, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,4787,0,55, United-States +<=50K,44, Self-emp-not-inc,106900, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,195770, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,102737, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Local-gov,191779, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,99479, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,46, United-States +>50K,62, Private,196891, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,208066, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,54341, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,140001, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,248220, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, Private,172962, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,88215, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +<=50K,18, Private,110142, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,41, Self-emp-not-inc,136986, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, State-gov,206775, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,53497, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,238534, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, Puerto-Rico +<=50K,38, Private,143123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,60269, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,82623, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,48, United-States +<=50K,40, Local-gov,99666, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,61, Private,95680, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,44, State-gov,208163, Assoc-voc,11, Separated, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,369781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,17, Private,311288, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,24, United-States +<=50K,42, Self-emp-not-inc,152889, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,38, Private,160086, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +>50K,34, Private,117963, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,186884, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Private,313830, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, ?,212529, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,124330, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,53, Private,104501, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +>50K,41, Private,43501, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,83774, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,37, Private,216845, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,45, Local-gov,168191, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,166894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,110083, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,194371, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, Canada +<=50K,36, Federal-gov,125933, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,2258,40, United-States +<=50K,22, Private,444554, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,190228, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,604045, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,36, Private,241126, Some-college,10, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,168355, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,48, State-gov,158451, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,914,0,40, United-States +<=50K,50, Private,141608, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,36, Private,33157, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,187563, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,45, United-States +<=50K,33, Private,26252, Assoc-acdm,12, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,32, Local-gov,318647, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,36, United-States +<=50K,47, Private,152572, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,30, Private,77634, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,199513, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,1408,50, United-States +<=50K,19, Private,260327, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,23, Private,437940, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,137069, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,34, Local-gov,32587, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,47, Self-emp-inc,193960, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,33, Private,170651, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,38, United-States +<=50K,68, ?,186163, 1st-4th,2, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,39, Private,114544, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,159724, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,63, Private,697806, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,140011, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,53, Federal-gov,411700, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,26, State-gov,179633, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,57, Local-gov,317690, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,45, Local-gov,213334, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,41, Private,165304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Greece +<=50K,57, Private,192325, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,42, United-States +<=50K,53, Self-emp-not-inc,385183, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +>50K,33, Private,232650, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,182474, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, United-States +<=50K,37, Private,119992, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,376016, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,39, Private,144638, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,48, Federal-gov,113612, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,106161, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,48160, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,55176, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,291232, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,250149, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,221064, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,87745, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,35, Private,97136, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,37, United-States +<=50K,18, Private,632271, Some-college,10, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,40, Peru +<=50K,18, Private,295607, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,84, ?,163443, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,78, Self-emp-not-inc,213136, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,24, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,50, United-States +<=50K,35, Private,214378, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,24, Private,236427, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,34292, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,204780, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,40, United-States +<=50K,22, Private,161508, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,80, Private,151959, HS-grad,9, Widowed, Other-service, Not-in-family, Black, Male,0,0,15, United-States +<=50K,41, Private,196001, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +>50K,27, Self-emp-not-inc,211259, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,35136, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +>50K,52, Private,288353, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,48, United-States +>50K,48, Local-gov,93449, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,40, Philippines +<=50K,17, Private,40432, 10th,6, Never-married, Adm-clerical, Own-child, White, Female,0,0,4, United-States +<=50K,60, Private,180632, 12th,8, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, Private,204113, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Female,7896,0,18, United-States +<=50K,22, Private,336101, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,235062, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, ?,312552, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2002,70, United-States +<=50K,39, Private,226947, 7th-8th,4, Separated, Other-service, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,40, Private,29393, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,38, ?,115376, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +>50K,52, Self-emp-inc,146574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,175389, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,26, Self-emp-inc,316688, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,187919, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, ?,188436, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, Canada +>50K,41, Private,80666, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,59, Self-emp-not-inc,381965, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1740,80, United-States +<=50K,31, Private,192039, Assoc-acdm,12, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,181091, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,50191, 9th,5, Divorced, Craft-repair, Unmarried, White, Male,5455,0,40, United-States +<=50K,29, Private,155256, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, Private,104973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,348771, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Canada +<=50K,55, Private,96415, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,77, Private,213136, Doctorate,16, Widowed, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,59, Self-emp-inc,155259, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +>50K,47, Private,95155, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,56, Private,178787, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,361497, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,61, State-gov,254890, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,296478, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,179791, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,25, Self-emp-inc,110010, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,89622, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,118614, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, State-gov,35683, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Local-gov,163815, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,2179,41, United-States +<=50K,49, Private,175305, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Self-emp-inc,96245, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,99, United-States +<=50K,27, Private,201017, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,48, Private,95388, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,42, Private,249332, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,194759, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,260062, 10th,6, Never-married, Other-service, Own-child, White, Female,4416,0,38, United-States +>50K,36, Self-emp-not-inc,166213, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,46743, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, ? +<=50K,20, Private,112387, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,324685, 9th,5, Never-married, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,34, Private,87943, 7th-8th,4, Married-civ-spouse, Craft-repair, Wife, Other, Female,0,0,48, ? +>50K,45, Federal-gov,187510, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,188703, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,127961, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,34, Private,200117, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-inc,142030, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +>50K,30, Private,226296, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,239130, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,165475, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Self-emp-inc,328216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,21, ?,118023, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,42, Self-emp-not-inc,206066, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,45, United-States +<=50K,29, Local-gov,141005, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,28, Private,104870, Assoc-voc,11, Never-married, Other-service, Not-in-family, Black, Female,0,0,48, United-States +<=50K,44, Self-emp-not-inc,253250, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,54, United-States +>50K,39, Private,497788, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,42, Private,128354, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,49, Private,140782, 10th,6, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,216129, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,45, United-States +<=50K,65, Private,65757, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, ?,264758, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, Haiti +<=50K,23, Private,245361, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,48, Local-gov,216689, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,139517, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,65, Local-gov,188903, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418,0,45, United-States +<=50K,18, Private,170094, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,108836, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,189565, HS-grad,9, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,347993, 1st-4th,2, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,49, Private,187308, Some-college,10, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,27, State-gov,136077, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, State-gov,165457, Bachelors,13, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,2463,0,40, United-States +>50K,49, Federal-gov,175428, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,78, ?,143574, Some-college,10, Widowed, ?, Not-in-family, White, Male,0,0,5, United-States +>50K,34, Private,349148, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,103990, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,12, United-States +>50K,55, Self-emp-inc,183884, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,464484, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,190786, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,348592, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, ?,177839, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,152156, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,53, United-States +<=50K,55, Private,141807, HS-grad,9, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Poland +>50K,47, Local-gov,188537, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +>50K,43, Private,203233, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,28978, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-inc,116211, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,97683, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,19, Private,283945, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,43, Private,115178, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +>50K,48, State-gov,77102, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,132220, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Private,129301, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,187592, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,312667, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,206951, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,587310, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Own-child, White, Male,0,0,40, El-Salvador +>50K,76, Private,328227, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5556,0,13, United-States +<=50K,35, Private,100634, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,274200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, United-States +<=50K,18, Self-emp-inc,29582, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,68, Private,174812, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,22, State-gov,138513, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,37, Private,219137, 7th-8th,4, Divorced, Sales, Unmarried, White, Female,0,0,44, United-States +<=50K,23, Private,265148, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,55, United-States +<=50K,41, Private,302606, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,197600, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,36, Private,167415, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,44, Private,13769, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, Private,109390, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,218188, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,32, United-States +<=50K,49, Private,167159, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,128529, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,22, Private,200973, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,22, Private,118235, HS-grad,9, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0,0,55, United-States +<=50K,23, Local-gov,250165, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,594,0,40, United-States +<=50K,47, Private,269620, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,46, Private,212162, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,147638, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, India +<=50K,42, Private,304605, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,165267, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,28, Private,122037, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,63, Self-emp-inc,165611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,262634, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, United-States +<=50K,46, Private,280766, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, Cuba +<=50K,21, Private,226668, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,40, United-States +>50K,37, Private,130200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,17, Private,98005, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,47, Private,308857, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,51, Private,108914, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,64, Local-gov,210464, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,172748, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,192140, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,126568, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,50, Private,179339, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,43, Local-gov,31621, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,39, Private,365009, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,344698, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,42, Private,159911, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,25, Private,389456, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,167472, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,201412, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,594,0,5, United-States +>50K,26, Self-emp-not-inc,331861, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Private,97541, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,34, Private,71865, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Portugal +<=50K,29, Private,196564, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,218956, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,37359, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,41, Private,184630, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,4416,0,40, United-States +<=50K,17, Local-gov,161955, 11th,7, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,30, United-States +<=50K,24, Private,200089, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Guatemala +>50K,39, Self-emp-not-inc,193026, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,72, Self-emp-not-inc,336423, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,52, State-gov,184529, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,153876, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,53, United-States +<=50K,22, Private,269687, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,27, Private,153805, Some-college,10, Never-married, Craft-repair, Unmarried, Other, Male,0,0,45, Ecuador +<=50K,43, Private,151504, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,330087, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,164970, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +>50K,23, Private,239539, Some-college,10, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,55, Self-emp-not-inc,50215, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,42, United-States +<=50K,51, Local-gov,80123, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,54, ?,55139, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,43, United-States +<=50K,44, ?,276096, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,45, United-States +>50K,41, Private,222813, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,172232, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,54, Self-emp-not-inc,386773, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,87556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, State-gov,169926, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,21, United-States +>50K,41, Private,104196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,320027, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,116637, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,307640, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, ?,138386, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,1409,0,35, United-States +<=50K,25, Private,269015, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,30, Private,90308, Preschool,1, Never-married, Other-service, Unmarried, White, Male,0,0,28, El-Salvador +<=50K,41, Local-gov,39581, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,4101,0,40, United-States +<=50K,49, Self-emp-not-inc,241688, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Cuba +<=50K,22, Local-gov,467759, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,39, Private,303677, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,15, United-States +>50K,56, Private,47392, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,97925, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Local-gov,243240, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,29, Private,472344, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,41, Private,177054, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,43, Local-gov,212206, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,34, Private,244147, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,167336, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +>50K,43, State-gov,135060, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,49, Private,52184, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,159187, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +>50K,35, Federal-gov,22494, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,219745, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,113323, Masters,14, Divorced, Adm-clerical, Unmarried, White, Male,0,0,41, United-States +<=50K,36, Private,181099, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,216741, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,106365, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,124973, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,37, Private,73199, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,49, Federal-gov,362679, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,9, United-States +<=50K,29, Private,197222, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,33115, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Federal-gov,37997, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,162067, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, Haiti +>50K,35, Private,133839, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,398874, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,289224, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,261259, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,61, Private,438587, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,271162, 11th,7, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,66, ?,115880, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,21, Private,29810, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,277695, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +<=50K,35, Private,277347, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,43, ?,220445, HS-grad,9, Widowed, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,231507, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,184477, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, Private,174714, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,24, Private,118792, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,46, Local-gov,274689, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,148315, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,45, United-States +<=50K,24, Private,99844, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,36, State-gov,143437, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Other, Female,0,0,40, United-States +<=50K,22, Private,114357, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +>50K,46, ?,427055, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Local-gov,137518, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,33, United-States +<=50K,33, Private,183125, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,28, Private,269317, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,46, State-gov,107682, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,30, Private,159589, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,50, United-States +<=50K,50, Private,46401, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,20, Germany +<=50K,69, Self-emp-not-inc,164754, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,63, ?,109446, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,314068, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,242138, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,39, Federal-gov,203070, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,266960, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Self-emp-not-inc,239511, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,65, ?,244749, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, Cuba +<=50K,23, Private,244698, 5th-6th,3, Never-married, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,25, Private,207258, 9th,5, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,61, Private,111563, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,27, United-States +>50K,50, Private,233149, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,61, Private,166789, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,50, United-States +>50K,54, Self-emp-inc,22743, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,99999,0,70, United-States +<=50K,41, Local-gov,180599, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,28738, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,259846, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Self-emp-inc,158950, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,185948, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,67, ?,187553, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Private,169092, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178,0,40, Canada +<=50K,40, Private,129298, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,120204, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Local-gov,229337, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,183674, 12th,8, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,25, ? +<=50K,34, Private,538243, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,108947, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, United-States +<=50K,35, Private,128516, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,28, Private,147560, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,131808, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,33, Private,234537, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,165160, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,90275, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Local-gov,143583, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,210020, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,135603, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +>50K,59, ?,441227, Masters,14, Married-civ-spouse, ?, Husband, Black, Male,7298,0,50, United-States +<=50K,38, Private,341943, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,38274, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,35, Private,327435, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,27, Federal-gov,175262, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,376474, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,65, United-States +<=50K,38, Private,171150, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3781,0,78, United-States +<=50K,32, Private,459465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +>50K,37, Local-gov,188391, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Male,0,0,60, United-States +>50K,37, Private,196373, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,122913, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,37314, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,37, Private,198492, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,20946, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,281608, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Self-emp-not-inc,213643, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,1590,60, United-States +<=50K,18, Private,39222, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,208238, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,261207, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Peru +>50K,36, Private,131192, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,75, Private,148214, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,54, Self-emp-not-inc,155965, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,25, Private,269004, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,97883, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,48, Italy +>50K,52, Private,177942, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Local-gov,360494, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,45136, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,28, Private,173483, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013,0,20, United-States +<=50K,19, Private,205953, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,20, United-States +>50K,41, Private,169823, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,18, Private,99591, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,42, Private,32627, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,378009, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,233511, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,173987, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,162302, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,192812, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,65, Private,217661, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2246,40, United-States +<=50K,61, Private,353031, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,155483, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,274158, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,35, Local-gov,26987, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,45, United-States +<=50K,49, Private,68493, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,19, ?,257421, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +<=50K,26, Private,38257, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,22, Local-gov,175586, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Female,0,0,20, United-States +>50K,49, Private,316323, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,48, United-States +<=50K,36, Private,117802, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,454950, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,284277, 11th,7, Never-married, Other-service, Own-child, White, Male,1055,0,20, United-States +<=50K,32, State-gov,90409, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,43, Private,248094, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,29, Private,138692, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,173938, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,65, ?,146722, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,31, Private,145439, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,24, Private,324445, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,176410, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,25, Private,129275, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,399123, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,76044, Masters,14, Divorced, Prof-specialty, Unmarried, Other, Male,4787,0,35, Mexico +<=50K,28, Private,87632, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,269605, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,32, United-States +>50K,46, Private,37718, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,50, United-States +<=50K,70, ?,162659, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,45, Self-emp-not-inc,277434, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,209205, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,44, United-States +<=50K,75, ?,34235, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2964,0,14, United-States +<=50K,41, Private,141186, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,123681, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,174215, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,17, Private,96354, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, ?,109108, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,37, Private,107302, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Local-gov,250054, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,50459, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,40, United-States +>50K,57, Local-gov,22975, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,97189, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,238859, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,26, State-gov,239303, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,3942,0,7, United-States +<=50K,33, Private,310655, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,276218, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,30, Private,94235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,45, Private,135339, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,20, Private,199703, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,28, United-States +<=50K,36, Private,52532, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,64, State-gov,186376, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +>50K,29, Private,229124, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,152508, 11th,7, Married-civ-spouse, Sales, Wife, Other, Female,0,0,20, United-States +<=50K,45, Private,54260, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,48520, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,66, Self-emp-not-inc,439777, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,49, Private,191389, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,118714, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,34616, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,29, ?,199074, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,20, ?,112858, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,2, United-States +<=50K,22, Private,199555, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, ?,211013, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,107425, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,106549, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,41, State-gov,110556, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,46, Self-emp-not-inc,265097, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,41, Private,215219, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Self-emp-not-inc,142988, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,64, Private,239450, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,162084, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,83066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,181705, Some-college,10, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Private,138737, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,24, Federal-gov,332194, 9th,5, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,20, Private,291979, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,35, United-States +<=50K,64, Private,162761, Some-college,10, Widowed, Sales, Not-in-family, White, Male,2354,0,35, United-States +<=50K,21, Private,153643, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,70, United-States +<=50K,52, Private,30908, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,92179, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Self-emp-inc,50408, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,50, Federal-gov,191013, HS-grad,9, Separated, Sales, Other-relative, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,62, Private,170969, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,19, ?,302229, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,10, United-States +<=50K,49, Private,80026, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,93056, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,414791, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,37894, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1719,30, United-States +>50K,31, Local-gov,164243, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +>50K,41, Self-emp-not-inc,36651, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Self-emp-not-inc,26248, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +>50K,41, Private,244522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,42, United-States +>50K,39, Private,183279, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,63, Private,177063, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,220220, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,47, United-States +<=50K,58, Private,180779, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,238787, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,38, Private,32086, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,52, United-States +>50K,35, Private,302149, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,43, Self-emp-not-inc,136986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,47, State-gov,61062, Doctorate,16, Separated, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2354,0,45, United-States +<=50K,33, Private,260782, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,82061, 5th-6th,3, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,32, Mexico +<=50K,22, Private,254351, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,128699, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,59, Private,171328, Bachelors,13, Married-spouse-absent, Prof-specialty, Other-relative, Black, Female,2202,0,37, United-States +<=50K,24, ?,152719, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,15, Haiti +>50K,42, Private,97688, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,33, Private,199248, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,67240, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,27, Private,1490400, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,188503, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,40, Private,180206, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,201872, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,314373, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,107737, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,44, Private,209093, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Local-gov,218357, HS-grad,9, Separated, Transport-moving, Unmarried, White, Female,0,0,25, United-States +>50K,43, Private,163434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,326701, 5th-6th,3, Separated, Craft-repair, Not-in-family, Other, Male,0,0,40, Mexico +>50K,41, Private,164612, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,29, Self-emp-not-inc,37429, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,31, Private,408208, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,30, United-States +<=50K,54, Private,105638, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,81259, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,37, Private,201141, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,394927, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,52, Federal-gov,165998, Prof-school,15, Married-civ-spouse, Armed-Forces, Husband, White, Male,7298,0,50, United-States +>50K,40, Private,41888, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,2415,70, United-States +<=50K,24, Private,72887, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,56551, 9th,5, Divorced, Craft-repair, Unmarried, White, Female,5455,0,45, United-States +<=50K,22, Private,227603, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,203776, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Poland +<=50K,61, Private,202060, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,34, United-States +>50K,59, Private,178282, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,31, Private,57151, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,399455, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,52, United-States +<=50K,37, Private,52630, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,124692, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,278254, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,40, Private,162098, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,304143, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,37, Federal-gov,287031, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,102478, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,172425, HS-grad,9, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,56664, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,247514, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,307353, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,37, Private,111129, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,39, United-States +>50K,29, Private,190539, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, Greece +<=50K,47, Self-emp-inc,224314, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,47, Self-emp-not-inc,59987, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,42, United-States +<=50K,33, Local-gov,111746, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,48, United-States +<=50K,24, Private,162958, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,1980,50, United-States +<=50K,68, ?,129802, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +>50K,43, Private,303155, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,301634, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,156294, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,50, Private,145033, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,19, ?,768659, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,134679, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,30, Private,188798, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,122033, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,99, United-States +<=50K,21, ?,223515, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,235124, 12th,8, Divorced, Other-service, Not-in-family, White, Male,0,0,30, ? +<=50K,47, Private,341814, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,34, State-gov,764638, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,4787,0,47, United-States +>50K,47, Federal-gov,303637, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,307543, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,99, Cuba +<=50K,45, Local-gov,151267, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,25, United-States +<=50K,40, Private,157403, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,38, United-States +>50K,31, Private,124483, Masters,14, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,60, India +>50K,32, Private,26803, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,131899, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,119992, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2603,60, United-States +<=50K,31, Private,198068, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,264351, 12th,8, Separated, Adm-clerical, Own-child, White, Male,0,0,40, Mexico +<=50K,18, ?,352430, 11th,7, Never-married, ?, Own-child, White, Male,0,1602,30, United-States +<=50K,61, Private,29797, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Private,54670, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,40, ? +>50K,47, Private,192713, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,55, Self-emp-inc,79662, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,190023, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,301251, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,115336, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,58, Self-emp-not-inc,98015, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,32, United-States +<=50K,33, Self-emp-not-inc,48189, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,248754, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,195602, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,44, United-States +<=50K,45, State-gov,185797, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,3325,0,60, United-States +<=50K,51, Private,192588, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,44, Private,160837, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,54, Local-gov,128378, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,335846, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Private,179991, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,31, Private,151763, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,127875, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Self-emp-not-inc,132686, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,240900, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,65876, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,46, State-gov,165852, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,437458, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,261995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Private,342480, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,270131, 5th-6th,3, Widowed, Other-service, Unmarried, White, Female,0,0,70, Mexico +>50K,48, Private,216414, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,70, United-States +<=50K,30, Private,259425, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,144086, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,246124, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, Private,321865, Prof-school,15, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,32080, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,31, Local-gov,201697, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,32, Local-gov,300687, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,307724, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, ? +<=50K,60, Private,40856, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,24, ?,115085, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,37, State-gov,202139, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,34, Private,190151, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,40, Local-gov,208277, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,107405, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,194096, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,162029, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,3325,0,40, United-States +<=50K,46, Private,172155, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Peru +>50K,51, Self-emp-inc,114674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,116298, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Local-gov,320510, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,56, United-States +<=50K,31, Private,158144, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,181651, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,51150, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,41, State-gov,118544, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,12, United-States +>50K,54, Private,85423, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,56460, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,41, United-States +<=50K,28, Private,211208, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,154337, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,13, United-States +<=50K,22, Private,125542, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,175847, 5th-6th,3, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, Mexico +<=50K,34, Private,229731, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,35, El-Salvador +<=50K,45, Self-emp-not-inc,40666, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,2885,0,60, United-States +<=50K,58, Federal-gov,215900, HS-grad,9, Never-married, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,75, ?,186792, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,16, United-States +<=50K,18, ?,151552, 11th,7, Never-married, ?, Other-relative, White, Female,0,0,15, United-States +<=50K,45, Private,122002, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,32174, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,349148, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,63, United-States +<=50K,34, Private,209691, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,66, United-States +<=50K,49, Private,163021, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Local-gov,283342, 10th,6, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,41, ?,45186, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,175398, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,175455, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,194946, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,58, ?,183869, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3411,0,80, United-States +<=50K,19, ?,167428, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,227615, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Local-gov,196797, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,36, United-States +<=50K,28, Local-gov,273051, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Local-gov,27085, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,235646, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, ?,168358, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,167725, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,91819, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,105830, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,201159, 12th,8, Widowed, Machine-op-inspct, Other-relative, White, Female,0,0,48, United-States +<=50K,18, Private,137363, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, Self-emp-not-inc,164725, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,3464,0,35, United-States +<=50K,47, Private,29438, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +>50K,67, Private,131656, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2392,24, United-States +<=50K,33, State-gov,35306, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,44, United-States +<=50K,63, Private,198206, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,103513, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,143078, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,109494, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,28, Private,52732, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,164495, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, Germany +<=50K,20, Self-emp-not-inc,105997, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,49, Federal-gov,105959, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,41, United-States +<=50K,18, Private,216540, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,159623, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Federal-gov,87207, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,57, Private,47621, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +>50K,35, Private,190297, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,65, United-States +<=50K,66, Private,48034, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +>50K,47, Local-gov,162236, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,57, Private,104724, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,129806, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,170174, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Local-gov,265148, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,192237, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,406491, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,231866, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,292055, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,30, Private,140612, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +>50K,26, Private,191573, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,52, Private,203635, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,171483, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,38, United-States +<=50K,36, Private,68798, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,31752, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, ? +<=50K,59, ?,291856, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,135848, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,10, Guatemala +<=50K,22, Private,72887, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,24, United-States +<=50K,47, Private,275163, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,29276, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,2538,0,50, United-States +>50K,50, Private,224207, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,237356, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +>50K,29, Private,393829, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,193720, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,20, United-States +<=50K,56, Self-emp-not-inc,140729, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,54560, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,214288, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3411,0,80, United-States +>50K,45, Self-emp-inc,88500, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,287092, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,2354,0,40, United-States +>50K,40, Private,225263, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,52, Local-gov,140027, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,44, Private,32000, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,228516, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,20, Portugal +<=50K,27, Private,157612, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,197200, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,44, United-States +<=50K,28, Private,89598, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +>50K,40, Private,153799, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,72, ? +>50K,67, ?,101761, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,49, Private,225456, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,348960, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Local-gov,157111, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,85877, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,60, United-States +<=50K,72, Self-emp-not-inc,32819, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,21, ?,517995, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,103948, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,96016, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,60668, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,29, Local-gov,270379, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,190756, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,59, Local-gov,221417, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,158940, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, United-States +<=50K,67, State-gov,121395, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,12, United-States +<=50K,26, Private,196866, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,302239, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,718736, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,178615, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,158096, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,317988, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,15, United-States +<=50K,23, Private,325596, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,120461, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,80, ?,30680, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,125010, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,67, Private,268781, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1510,8, United-States +<=50K,46, Private,36020, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,433682, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Local-gov,349148, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,148805, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,24, Private,285775, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Local-gov,126524, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,40, United-States +>50K,52, Private,270221, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,44, United-States +<=50K,24, Private,117222, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,118941, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,59, Private,172667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,241306, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,33, State-gov,292317, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,182918, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,46, United-States +<=50K,76, Self-emp-not-inc,106430, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, ?,119207, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,377692, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,284907, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, Federal-gov,190160, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Male,0,1944,20, Poland +<=50K,65, Self-emp-inc,226215, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,169324, 9th,5, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Haiti +<=50K,22, Private,191460, 10th,6, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,219155, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,66, ?,52654, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,64, Self-emp-not-inc,198466, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,70, United-States +>50K,47, Private,255965, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,38, ?,54953, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, Private,290441, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,44, Federal-gov,206927, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,66, Self-emp-inc,165609, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-inc,206609, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1876,50, United-States +<=50K,64, Private,211846, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,102446, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,26, Private,114483, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,199657, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,40, Private,192878, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,346081, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,24, Private,26668, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Puerto-Rico +<=50K,72, ?,272425, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3818,0,4, United-States +<=50K,68, Local-gov,159643, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,51, ?,22743, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,142875, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,18, ?,256304, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,30, United-States +<=50K,36, Private,163380, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,162187, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,32, Private,153353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Self-emp-inc,134414, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,39212, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,344060, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, Japan +<=50K,17, Local-gov,140240, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,70, ?,210722, Prof-school,15, Divorced, ?, Not-in-family, White, Male,2538,0,45, United-States +<=50K,32, Private,285946, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,34, Private,216645, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,54065, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,44159, 12th,8, Never-married, Other-service, Other-relative, Other, Male,0,0,40, Dominican-Republic +<=50K,46, Private,188729, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,50, United-States +<=50K,44, Self-emp-not-inc,296982, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, ? +>50K,56, Local-gov,277203, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,153949, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,46, Federal-gov,269890, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,35, Federal-gov,61518, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,39, Private,176050, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,47, United-States +<=50K,25, Private,202700, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,477083, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,50, Private,221532, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,282155, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,38, Private,365307, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,26, Private,248776, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,166863, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,191149, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,126822, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,281743, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,212041, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,264351, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,54, Private,117198, HS-grad,9, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,202937, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,53, ?,201062, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,2, United-States +<=50K,51, Private,96062, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,99902, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Ireland +<=50K,54, Private,76268, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,80, United-States +<=50K,64, Private,200517, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,39, United-States +<=50K,48, ?,222478, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,19, ?,168471, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,52, Private,403027, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,201292, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,360814, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,51, Private,155574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Private,135525, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,24763, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +>50K,38, Self-emp-inc,184456, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, Italy +<=50K,40, Private,30412, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,93225, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,60, Self-emp-not-inc,359988, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +<=50K,60, Self-emp-not-inc,122314, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,59, Federal-gov,51662, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,137991, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,41, United-States +<=50K,47, State-gov,119458, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,42, Private,208068, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Other, Male,7298,0,40, Mexico +<=50K,32, Private,219553, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,308924, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Private,169748, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,164970, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,38, United-States +<=50K,39, Private,190987, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,33, Private,250804, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, England +<=50K,30, Private,85374, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,81, Private,39667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,20, United-States +<=50K,41, Private,84817, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,3887,0,40, United-States +<=50K,38, Private,227615, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,54, Private,155737, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,8614,0,40, United-States +>50K,38, Private,133935, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, El-Salvador +<=50K,22, Federal-gov,316438, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,44, Private,107433, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,36, State-gov,28572, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,38, United-States +>50K,32, Self-emp-not-inc,291414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,202153, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,324655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,27207, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,30, Private,184435, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Private,122749, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,36, Private,181146, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,21, Private,225311, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,33474, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,126319, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,52, Private,247806, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,50, Private,85815, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,38, United-States +>50K,48, Private,204629, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,195540, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, Black, Male,0,1408,40, United-States +<=50K,27, Private,113866, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,114691, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Ireland +<=50K,22, ?,227943, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,44, United-States +>50K,45, Private,310260, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,35, Private,189922, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,52, United-States +<=50K,54, Private,249949, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, ?,38455, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,11, United-States +>50K,51, Private,123429, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,71, Private,99549, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Private,98954, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,49794, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, ?,80451, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,129764, Some-college,10, Divorced, Sales, Unmarried, White, Male,1506,0,50, United-States +>50K,29, Private,189702, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,50, United-States +<=50K,59, Self-emp-not-inc,78020, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,182843, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,53956, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,223376, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Federal-gov,151933, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,47, Private,100931, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,442478, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,153082, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,46, Private,182414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,35, Local-gov,217926, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,176536, Some-college,10, Separated, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0,0,42, United-States +<=50K,37, Private,237943, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Poland +<=50K,20, Private,117789, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,59, Private,113838, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,4650,0,37, United-States +<=50K,17, Private,278414, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,36, Private,122493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,110820, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,106141, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,43, Self-emp-not-inc,215896, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, United-States +>50K,49, Private,547108, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,15024,0,40, ? +>50K,50, Federal-gov,169078, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,40, United-States +<=50K,69, Self-emp-not-inc,227906, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3456,0,30, Germany +<=50K,57, Private,61298, 5th-6th,3, Separated, Machine-op-inspct, Other-relative, White, Female,0,0,40, Ecuador +>50K,49, Private,184285, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,64156, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,61, Private,56248, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,171275, 7th-8th,4, Divorced, Other-service, Not-in-family, Other, Male,0,0,40, Peru +>50K,41, Private,123490, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,420842, Assoc-acdm,12, Divorced, Priv-house-serv, Other-relative, White, Female,0,0,40, ? +<=50K,40, Private,51233, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,38, United-States +<=50K,36, Private,353263, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,262031, 12th,8, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,50, Private,334421, Prof-school,15, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,1590,25, China +<=50K,24, Private,200153, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,70, ?,187972, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,360186, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,368832, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, Private,359131, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Self-emp-not-inc,295279, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,37, United-States +<=50K,34, Private,378272, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,150817, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-not-inc,145246, Some-college,10, Divorced, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,185490, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,217424, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,190483, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,391016, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,30509, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908,0,50, United-States +<=50K,28, Private,267661, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, Private,197369, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,393691, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,168441, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Self-emp-inc,85109, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,190457, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Self-emp-not-inc,289430, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,39, Private,166697, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,24, Local-gov,310355, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, Germany +<=50K,31, Private,300828, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,30, United-States +<=50K,20, Private,188923, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +>50K,36, Private,167482, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,114968, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,102988, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, Ecuador +<=50K,67, Local-gov,330144, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,18, United-States +>50K,47, Private,362654, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,179481, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,204817, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, United-States +<=50K,32, Private,172402, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,44, Private,54611, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,179151, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,30829, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,50, Private,474229, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,246981, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,23, United-States +>50K,39, Private,271610, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,179138, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,268722, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,46, Private,111410, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,125550, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,24, Private,51985, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,302584, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,90, Federal-gov,311184, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,45, Local-gov,133969, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,41, Local-gov,214242, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,72, United-States +<=50K,29, Private,372149, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,53, Private,203967, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,147344, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,60, ? +>50K,45, Self-emp-inc,139268, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,38, Private,349198, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,21, United-States +<=50K,43, Private,222756, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,44, United-States +>50K,53, Local-gov,196395, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,316304, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,44, Private,347653, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +>50K,40, Private,176063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,67, Private,176835, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,144092, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,148709, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,31, Federal-gov,194141, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-inc,215423, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,52, Self-emp-not-inc,128378, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,34431, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,180690, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,142712, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,57, United-States +>50K,43, State-gov,185619, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,35, United-States +<=50K,36, Self-emp-not-inc,358373, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,30, United-States +<=50K,27, Private,81648, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,244580, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,184570, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, State-gov,210150, Masters,14, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Local-gov,212213, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,182148, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,39, United-States +>50K,29, Private,55390, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,66788, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, Portugal +<=50K,43, Federal-gov,265604, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,110677, Some-college,10, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,30, United-States +>50K,34, Private,320077, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, Private,201817, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,43, Private,142725, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1887,80, United-States +<=50K,44, Self-emp-not-inc,53956, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,45, State-gov,116892, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,34572, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,287008, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,66, Local-gov,30740, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,162104, 7th-8th,4, Never-married, Priv-house-serv, Own-child, White, Female,0,0,30, United-States +<=50K,65, Private,237024, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,20, Private,228306, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,32, United-States +<=50K,18, Private,127388, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,72393, Bachelors,13, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,55, Self-emp-inc,160813, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,43, Private,255586, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,342575, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,28, Private,181466, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,234108, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,66414, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,21, Private,227307, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,43, United-States +<=50K,23, Private,157145, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,252457, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Federal-gov,142769, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,49539, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,3674,0,40, United-States +<=50K,33, Private,249438, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,30, Private,289293, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,40, Dominican-Republic +<=50K,68, Self-emp-not-inc,198884, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +>50K,53, Local-gov,229259, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,36, Private,289223, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1848,40, United-States +<=50K,23, Private,42401, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,295055, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,42, State-gov,214781, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,1876,38, United-States +<=50K,20, Private,95552, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,308764, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,185394, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,358382, Some-college,10, Separated, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,195946, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +<=50K,32, Private,296897, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,230961, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,169022, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +>50K,28, Private,209301, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,40, United-States +<=50K,42, Private,252058, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,30012, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,33, Private,202046, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,52262, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,60, Private,96660, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,33, United-States +>50K,50, Self-emp-not-inc,200618, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,58, Private,177368, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,16, United-States +<=50K,22, Private,311311, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +>50K,47, State-gov,142856, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,134890, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,1974,50, United-States +>50K,38, Self-emp-inc,179579, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,67, State-gov,173623, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931,0,30, United-States +>50K,76, Self-emp-inc,99328, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514,0,40, United-States +>50K,41, Local-gov,224799, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,57, Self-emp-inc,231781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,41763, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Local-gov,51240, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,30, Private,206923, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0,1977,40, United-States +>50K,30, Self-emp-inc,132601, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,357348, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,2202,0,40, United-States +<=50K,22, Private,150683, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +>50K,40, Self-emp-inc,188615, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,20, United-States +<=50K,73, Private,159007, Bachelors,13, Divorced, Farming-fishing, Other-relative, White, Female,0,0,12, United-States +<=50K,23, Private,130959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,2407,0,6, Canada +>50K,51, Private,158746, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,29, Private,498833, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Nicaragua +<=50K,46, Private,193188, Masters,14, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Self-emp-inc,136277, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,16, United-States +<=50K,34, Private,137991, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,38, Self-emp-not-inc,187098, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +>50K,62, Private,176839, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, State-gov,185384, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,20, Private,87867, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,111779, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,36, United-States +<=50K,37, Local-gov,185556, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,1980,35, United-States +<=50K,56, Private,59469, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,63, Private,164435, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,259336, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Peru +<=50K,40, Self-emp-not-inc,277488, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,104258, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,141427, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,267052, 10th,6, Never-married, Farming-fishing, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,114764, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,151143, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,176357, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,190303, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,2463,0,15, United-States +<=50K,28, Private,220692, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,46, Private,181970, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,263339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,21, Self-emp-not-inc,83704, 9th,5, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,324960, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,53, Private,96062, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Private,96678, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,33435, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,399008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013,0,40, United-States +<=50K,71, Private,159722, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Private,225172, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,135033, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Ecuador +<=50K,38, Private,179671, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,56, Private,182460, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,231196, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,181974, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,326104, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-inc,126850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,33644, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,92649, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,353696, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,28, United-States +<=50K,36, Private,238342, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,882849, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,49, Self-emp-inc,318280, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,35, Private,151322, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,31, Self-emp-inc,111567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,279996, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,48, Private,103743, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,70, United-States +<=50K,53, Private,30846, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,191393, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,1380,40, United-States +<=50K,35, State-gov,140564, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,37, Federal-gov,243177, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,55, Local-gov,104996, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,27, Local-gov,191202, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,47, Private,247379, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,96129, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, ?,58440, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,125031, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,183772, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Female,0,0,70, United-States +<=50K,37, Private,78488, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,32, Self-emp-not-inc,121058, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,43, Private,84673, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,172830, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,3325,0,40, United-States +>50K,36, Private,307520, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,21, Private,327797, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,108945, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,52, Private,164473, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +>50K,40, Private,144778, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,69477, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,45, Private,137946, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,167737, Bachelors,13, Widowed, Other-service, Own-child, White, Male,0,1974,50, United-States +<=50K,30, Private,195602, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, ? +>50K,31, Private,140206, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,272551, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,1564,60, United-States +<=50K,24, Private,114939, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,45, Local-gov,265477, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, France +>50K,51, Local-gov,252029, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,29, Self-emp-inc,263786, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,397877, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,316438, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,34, Local-gov,283921, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,199903, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,42, Private,339814, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,191140, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,33, Private,174215, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,32, Private,124420, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,289228, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,45, United-States +<=50K,27, Private,200610, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +>50K,36, Private,140327, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,7298,0,35, United-States +<=50K,39, Local-gov,86643, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,226624, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,365516, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,27, Private,153288, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,235124, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +<=50K,28, Self-emp-inc,160731, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,230999, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,38, Private,453663, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,28, Private,250967, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2105,0,40, United-States +<=50K,22, ?,96844, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1602,20, United-States +<=50K,41, Federal-gov,149102, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,1980,40, United-States +<=50K,42, Private,226452, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,36, Private,34378, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,60, United-States +>50K,37, Local-gov,177277, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,316470, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,293104, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Private,380357, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, ? +>50K,36, Private,101318, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +<=50K,32, ?,339099, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,131662, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,163333, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +>50K,43, Private,71738, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,141276, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Private,242552, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,37, Honduras +<=50K,30, Private,246439, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,38, Federal-gov,81232, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,157568, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,117476, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, State-gov,198201, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,57, Private,167483, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Self-emp-inc,150384, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,18, ?,96244, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +<=50K,34, Private,33678, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4508,0,35, United-States +<=50K,42, Private,180985, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,36, Private,101192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,207561, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,105749, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,443508, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,23, Private,249087, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,279231, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,180477, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,144522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,36, Local-gov,248263, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, ?,498411, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,57, Private,102442, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,262877, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,55, United-States +>50K,66, Self-emp-not-inc,325537, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,161638, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Columbia +>50K,46, Self-emp-not-inc,24367, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +>50K,38, Private,108140, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,63, ?,205110, 10th,6, Widowed, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Self-emp-inc,504423, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,37, Private,264700, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,35, United-States +<=50K,22, Private,335067, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +<=50K,58, Private,153551, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,23, United-States +<=50K,43, Private,186077, HS-grad,9, Widowed, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,55, Local-gov,85001, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,45, Self-emp-not-inc,216999, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Private,107231, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,36, Self-emp-not-inc,52870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +<=50K,73, Self-emp-not-inc,228899, 7th-8th,4, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,99, United-States +<=50K,29, Local-gov,90956, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,36, Private,186934, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-inc,37394, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, ?,30840, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, Germany +<=50K,32, Private,185177, Assoc-voc,11, Separated, Tech-support, Own-child, White, Male,0,1590,40, United-States +>50K,34, Private,312055, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,176262, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,51, Self-emp-inc,161482, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,373448, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,40, United-States +<=50K,45, Self-emp-not-inc,277630, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,48, United-States +<=50K,68, Self-emp-not-inc,150904, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,73, Private,187334, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,328937, 7th-8th,4, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,35, Local-gov,132879, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,58, Private,49159, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,133299, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,62, ?,268315, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,176430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,211344, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,162302, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,32, United-States +>50K,51, Private,229225, Masters,14, Divorced, Other-service, Not-in-family, Black, Female,0,0,18, United-States +>50K,49, Self-emp-not-inc,77404, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, ? +<=50K,51, Local-gov,202044, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,28, Private,94128, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,189888, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,48, United-States +>50K,32, Private,94041, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,50, State-gov,322840, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Poland +>50K,47, Federal-gov,746660, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,40, United-States +<=50K,54, Private,84587, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,38, Philippines +<=50K,41, Private,33126, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,247445, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,210377, 10th,6, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,19, ?,239862, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,327112, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Self-emp-not-inc,188563, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,62, ?,189098, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,26326, Assoc-voc,11, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,46, Private,145636, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +>50K,45, State-gov,255456, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,35, Private,196373, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,40, United-States +<=50K,32, Private,167476, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,32, State-gov,59083, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Self-emp-not-inc,186934, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,62, ?,188650, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,33, Federal-gov,373043, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,34, Germany +<=50K,51, Private,250423, Some-college,10, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,334032, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, State-gov,89487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,230205, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,2001,32, United-States +<=50K,33, Private,212980, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,351770, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,35, State-gov,167482, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,1980,40, United-States +<=50K,23, Private,42251, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,52822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,41, Private,229472, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,93034, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +>50K,35, Private,415167, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,76, Self-emp-not-inc,161182, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,38, Private,166549, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,36296, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,272442, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,366139, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,30, Self-emp-inc,127651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +<=50K,59, Private,158077, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,154950, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Local-gov,197886, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,211518, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,214303, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,34, Private,154120, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,53, Private,186303, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,488459, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,423883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,117963, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,57, Self-emp-not-inc,38430, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,30, Private,176969, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,116839, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,212407, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,35, Local-gov,110075, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,40, Private,183096, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,45, Federal-gov,126754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,216178, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,188391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,17, ?,27251, 11th,7, Widowed, ?, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,40230, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,47, Private,100009, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, ?,222442, Some-college,10, Divorced, ?, Own-child, White, Male,0,0,25, El-Salvador +<=50K,24, Local-gov,403471, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,48, United-States +<=50K,52, Private,161482, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,83141, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,4416,0,53, United-States +<=50K,68, Self-emp-inc,31661, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,35, Private,101073, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,53, Local-gov,99682, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +<=50K,23, Private,215395, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,343476, 11th,7, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,178363, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,52, Private,95872, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, ? +>50K,49, Private,90907, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,42, Private,165309, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,35, Private,208358, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +>50K,42, Private,171069, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024,0,40, United-States +>50K,46, Private,53540, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Private,29433, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,55, United-States +>50K,48, Self-emp-not-inc,175622, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,231865, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,51, Private,266336, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,50, United-States +<=50K,44, Self-emp-not-inc,190290, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,80, France +<=50K,74, Self-emp-not-inc,45319, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,1409,0,20, Canada +<=50K,17, Never-worked,131593, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,24, Local-gov,177913, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,457357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,43, Self-emp-inc,253811, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,48, Private,501671, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,48, United-States +<=50K,35, State-gov,227128, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,39137, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,121038, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,43, United-States +>50K,53, State-gov,119570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, ?,99297, HS-grad,9, Married-civ-spouse, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Cambodia +<=50K,28, Self-emp-not-inc,169460, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,33, Private,261639, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,4064,0,40, United-States +<=50K,21, Private,214542, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,22, United-States +<=50K,31, Private,141410, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Private,370549, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,44, Self-emp-not-inc,234767, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +>50K,40, Private,104196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, State-gov,52262, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, England +<=50K,22, ?,285775, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,235336, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,49, Private,165539, Some-college,10, Never-married, Priv-house-serv, Not-in-family, Black, Female,0,0,90, Jamaica +<=50K,41, Private,362815, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, State-gov,292816, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,66692, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,120910, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,116133, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,41, United-States +<=50K,49, State-gov,247043, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,215616, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,131415, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,64, Self-emp-not-inc,169604, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,50, Private,230858, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,73968, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,28, Private,339897, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,258406, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, Mexico +<=50K,30, Private,180574, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Private,88808, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,179627, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,149823, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,60639, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,46492, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,36, Private,48520, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,306538, 12th,8, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,58, Private,204678, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,218676, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,95455, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,53, Self-emp-not-inc,335655, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,55, Private,194436, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,152724, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Private,242482, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,162041, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,291854, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,22, ?,48343, Some-college,10, Never-married, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,77, ?,153113, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,1455,0,25, United-States +<=50K,38, Private,80680, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,211601, Assoc-voc,11, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +>50K,31, Self-emp-inc,264554, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,40, United-States +<=50K,29, Private,319998, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,194228, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,236247, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,28, Self-emp-not-inc,123983, Masters,14, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,54, South +<=50K,49, Private,166215, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,178623, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, United-States +<=50K,51, Self-emp-not-inc,174102, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,32, Private,292217, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, ? +<=50K,44, Private,198452, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,96497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,62, ?,194660, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,216924, HS-grad,9, Divorced, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,26, Private,206721, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,37, State-gov,49105, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +>50K,62, Federal-gov,164021, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,91608, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,323963, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,70037, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,61, Private,289950, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,65, Private,213149, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,44, Federal-gov,320451, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, Philippines +<=50K,22, Private,351952, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,50, Private,146015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,281704, Some-college,10, Never-married, Farming-fishing, Other-relative, White, Male,0,0,8, United-States +<=50K,44, Federal-gov,786418, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,29, Private,214689, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,193188, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,142020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,78, ?,317311, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,213416, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,47, Federal-gov,326048, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,191265, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,348986, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,28, Taiwan +<=50K,24, Private,126613, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, ?,40032, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,150057, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Poland +>50K,39, Private,113725, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,8614,0,40, United-States +<=50K,24, Private,140500, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,113364, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,176219, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, South +<=50K,19, Private,146189, HS-grad,9, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0,0,78, United-States +>50K,45, Private,83993, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,56, United-States +>50K,33, Private,194336, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,61, State-gov,349434, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,142020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,48894, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,42, United-States +<=50K,29, Private,226295, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,36, United-States +>50K,40, Private,77313, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,36, Private,305935, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,23, Private,287988, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Local-gov,49275, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,102865, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,209146, Masters,14, Divorced, Sales, Not-in-family, White, Male,27828,0,40, United-States +>50K,40, Private,173001, Some-college,10, Married-civ-spouse, Tech-support, Own-child, White, Female,0,1902,40, United-States +>50K,40, Private,277256, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,2559,55, United-States +<=50K,46, Private,20534, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,35, Private,60227, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,176936, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,42, Private,49255, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,40, United-States +<=50K,64, ?,232787, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,235095, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,190531, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +>50K,64, Without-pay,209291, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,109053, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,60, United-States +<=50K,22, Private,183594, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,361608, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,257028, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Haiti +<=50K,34, Private,66561, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,37, United-States +<=50K,21, Private,176486, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,565313, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Local-gov,198953, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,68, State-gov,99106, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,45, Private,213140, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,52, United-States +<=50K,33, Private,66384, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +>50K,41, Private,483201, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,466458, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,30, Private,90446, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,69, Self-emp-not-inc,165017, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,120596, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,44, United-States +<=50K,36, Private,345310, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,20, ?,94746, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, Portugal +<=50K,38, Local-gov,338611, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,40, Self-emp-inc,275366, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,59, Private,188872, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,359397, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, United-States +>50K,33, Private,158800, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,31510, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,358740, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,31, Private,257148, Bachelors,13, Widowed, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,48, Private,174525, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,52, Dominican-Republic +<=50K,52, Private,161599, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,193494, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Local-gov,231832, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Local-gov,146834, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,63927, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,278403, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,53, Private,241141, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, ? +<=50K,70, Local-gov,127463, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,175017, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1672,40, United-States +<=50K,54, Private,56741, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Private,107683, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, White, Female,4386,0,40, United-States +<=50K,42, Private,270324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Jamaica +>50K,47, State-gov,304512, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,167049, Bachelors,13, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,20, United-States +>50K,39, Self-emp-inc,88973, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +>50K,52, Private,210736, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,73514, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,75785, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,71, Self-emp-not-inc,137723, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,1455,0,3, United-States +>50K,28, Private,220043, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,132247, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,38, Private,65390, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,177144, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,22, India +<=50K,47, Local-gov,358668, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,85, Private,188328, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,53, Private,350510, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Federal-gov,72257, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,53, Private,183668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,34, United-States +>50K,46, Private,168262, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,153536, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +>50K,36, Private,189703, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,73, Local-gov,147703, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,23, Private,173670, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +>50K,42, Private,231832, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,45, United-States +>50K,39, Private,33223, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,130021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,57, Self-emp-not-inc,50990, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,308241, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +<=50K,20, Private,254025, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,377622, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,217802, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,39477, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,138946, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,35603, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,67, Private,142624, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,22, Private,92609, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,111232, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,203518, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,38, Local-gov,233571, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,45093, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,175431, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, United-States +<=50K,90, Private,225063, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,18, Private,391495, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,162312, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,35, Philippines +<=50K,34, Self-emp-not-inc,151733, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,44, Private,172026, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,323164, 10th,6, Never-married, Craft-repair, Own-child, Other, Female,0,0,35, El-Salvador +<=50K,67, ?,129824, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,6, United-States +<=50K,21, Private,203715, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,156040, 5th-6th,3, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,186168, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,33, Private,154227, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,141327, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,103925, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Private,118633, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +>50K,48, Private,207540, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,99999,0,60, United-States +<=50K,52, Self-emp-not-inc,106728, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,192237, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,35, Private,132879, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, Italy +<=50K,17, Private,148345, 11th,7, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,326292, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,33975, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,34, Private,112115, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,129357, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,175958, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,21, United-States +>50K,58, Private,125317, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,424934, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,40, Portugal +<=50K,28, Private,204648, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,46, Private,186256, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,35, Local-gov,126569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,89813, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Private,149576, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,220426, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,72055, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,94939, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,29, Federal-gov,104917, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,23, Private,314645, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,81, Self-emp-not-inc,108604, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,153542, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,40, Private,226902, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,450200, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,50, Self-emp-not-inc,279129, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,42, Private,242619, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, Self-emp-inc,357223, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,38, Private,206951, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,67, Private,70737, 9th,5, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,32, United-States +>50K,55, Private,200939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,46, Self-emp-inc,192128, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,31, Private,188798, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, ?,202920, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,30, Private,205407, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,23, ?,24008, Some-college,10, Never-married, ?, Own-child, White, Male,0,1719,40, United-States +>50K,52, Private,172962, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,83791, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,69, Private,304838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,28, United-States +>50K,40, Private,165858, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,33, Private,110592, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,81, Private,164416, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,71, Private,345339, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,28, United-States +<=50K,26, Private,129806, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,51, Local-gov,205100, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,26, Local-gov,250551, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,285832, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,0,70, United-States +<=50K,18, Private,338717, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0,0,25, United-States +<=50K,43, State-gov,187802, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,37, United-States +>50K,46, Private,215895, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,4787,0,60, United-States +<=50K,30, Private,100135, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,34, Private,137616, 9th,5, Never-married, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,36, Private,341672, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,60, India +<=50K,44, Private,322044, Some-college,10, Divorced, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Private,149347, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,43, Self-emp-not-inc,293809, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, Local-gov,93639, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,166297, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,61, Private,167840, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2002,38, United-States +<=50K,31, Private,180656, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,41, Self-emp-not-inc,197176, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,207965, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Federal-gov,23940, Some-college,10, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,39, Private,67433, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,32, United-States +<=50K,20, Private,190916, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,235892, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,18, Private,240767, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,194515, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,37, United-States +<=50K,33, Private,156464, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,117728, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Self-emp-inc,195727, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,133454, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,191177, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,1726,40, United-States +<=50K,56, State-gov,71075, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,18, Private,233740, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +>50K,65, Private,185455, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,141445, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,27, Private,131712, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,50, United-States +<=50K,23, Private,210338, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,30, United-States +<=50K,39, Private,465334, 11th,7, Divorced, Farming-fishing, Unmarried, White, Male,0,0,1, United-States +<=50K,46, Private,168069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,80557, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,110622, Bachelors,13, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,26, Private,40255, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,80, ?,402748, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,14, Canada +<=50K,61, Private,97030, 10th,6, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,19, ?,39477, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,152351, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,56, Federal-gov,229939, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,131230, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,48, Private,182211, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,73, Private,57435, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,29, ?,225654, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,252424, Assoc-voc,11, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, Cambodia +<=50K,48, ?,155509, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,10, Haiti +<=50K,41, Private,29591, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +>50K,28, Private,101774, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,50, United-States +<=50K,37, Local-gov,74194, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,171156, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,45, Private,145637, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,14344,0,48, United-States +>50K,34, Private,172714, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,72, Private,188528, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Canada +>50K,54, Federal-gov,89705, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,165107, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,347873, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,30, Vietnam +<=50K,21, ?,298342, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,49, Local-gov,53482, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,162958, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Self-emp-not-inc,366483, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,36, Mexico +>50K,51, Federal-gov,335481, Some-college,10, Separated, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,197609, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,1340,40, United-States +<=50K,29, State-gov,160731, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, Germany +<=50K,26, Private,210848, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,35, Mexico +<=50K,59, Private,196126, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,201519, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,121124, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,22, State-gov,203518, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +>50K,52, Private,254230, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,136531, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,47, United-States +<=50K,25, Private,108505, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,31095, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,37, Private,149347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,188246, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,1590,60, United-States +>50K,48, State-gov,185859, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,29, Private,227879, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,59, Private,75541, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,99385, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,403061, 1st-4th,2, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,23, State-gov,82067, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,140434, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Private,159268, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,162945, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,365430, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,163678, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,230919, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,60, United-States +<=50K,37, Private,112264, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,192900, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Private,355856, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,20, ?,156916, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,172927, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,1741,70, United-States +<=50K,19, ?,170125, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,35, Private,305379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,24, Private,206974, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Federal-gov,482096, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,23, Local-gov,267843, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,32, United-States +<=50K,27, Private,173927, Some-college,10, Never-married, Tech-support, Own-child, Other, Female,0,0,32, Jamaica +<=50K,25, Private,225865, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,27, State-gov,261278, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,80, ? +<=50K,68, ?,180082, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,23, United-States +<=50K,45, Private,115187, Assoc-voc,11, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,451603, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,145041, Bachelors,13, Divorced, Machine-op-inspct, Other-relative, White, Male,0,2258,50, Dominican-Republic +<=50K,31, Self-emp-not-inc,132705, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Local-gov,177695, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,40, Private,197033, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,307267, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,39, Self-emp-not-inc,341643, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,1669,50, United-States +>50K,32, Private,256362, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,153484, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,46, Federal-gov,308077, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,156266, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Male,0,0,25, United-States +>50K,49, Self-emp-inc,106634, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,27828,0,35, United-States +<=50K,59, Private,198435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,37210, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,237914, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,186106, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,236731, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Cuba +<=50K,20, Self-emp-inc,465725, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,43, Private,343121, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, Private,298435, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,2001,40, Cuba +>50K,40, State-gov,255824, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,255252, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,184167, 12th,8, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +>50K,54, Private,145419, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,32, Private,87310, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Self-emp-not-inc,55048, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,36, United-States +<=50K,30, Private,104052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,41163, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, ?,502633, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,176279, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,279833, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1590,44, United-States +<=50K,21, Private,254351, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,48, Private,284916, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,23, Self-emp-not-inc,188925, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,180954, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,108023, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,197058, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,2597,0,45, United-States +<=50K,58, Private,100303, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,473133, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,32, State-gov,27051, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,29, Private,163708, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,61, Private,52765, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,99, United-States +>50K,43, Self-emp-inc,84924, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,181705, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,52012, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,36, Private,167691, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,45, Federal-gov,182470, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,200834, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,46, State-gov,76075, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,200574, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,31, Private,29144, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,34722, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,37, Private,177907, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,51, Private,238481, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1902,42, United-States +<=50K,45, Private,182541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,73, Federal-gov,142426, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,25124,0,20, United-States +<=50K,19, Private,216413, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,55, United-States +<=50K,29, Private,30070, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,39, Private,82699, Prof-school,15, Divorced, Prof-specialty, Not-in-family, Black, Female,13550,0,70, United-States +>50K,32, Private,236861, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,114328, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,198229, Prof-school,15, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,138892, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,41, Local-gov,271927, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,64, ?,220258, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,24, United-States +<=50K,28, Private,212588, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,477867, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,394927, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,155611, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,114,0,40, United-States +>50K,39, Private,109351, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,38, Private,206520, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,156526, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,315437, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,181665, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,50, United-States +<=50K,40, Private,60594, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,29, Private,221233, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,37, United-States +<=50K,36, Self-emp-inc,176900, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +>50K,47, Private,64563, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,42, United-States +<=50K,23, Private,99408, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,219869, Some-college,10, Widowed, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,41, Local-gov,135056, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,8614,0,50, United-States +<=50K,18, Private,79077, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,22, United-States +<=50K,34, Private,255830, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, Black, Female,7443,0,40, United-States +<=50K,38, Self-emp-not-inc,22245, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,34, Private,150154, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,62, State-gov,342049, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,99927, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,191784, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,41, Private,175883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,328239, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,107231, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Local-gov,155818, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,60, Private,282421, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, ? +<=50K,39, Private,241998, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Federal-gov,55363, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,29, Private,137240, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,361951, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,48, ? +<=50K,21, State-gov,311311, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,12, United-States +>50K,48, Private,186299, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,168055, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,23, Private,305423, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,393715, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,29, Private,36440, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,106761, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,235014, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,2465,40, United-States +<=50K,29, Local-gov,249932, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,382242, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, ? +<=50K,29, Private,213152, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,52, United-States +<=50K,37, State-gov,26898, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,435356, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,70, ?,103963, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,6, United-States +>50K,43, Private,185860, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,188999, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,64, Self-emp-not-inc,108654, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1421,35, United-States +<=50K,38, Private,54953, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,130620, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,29, Private,273884, HS-grad,9, Married-spouse-absent, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,30, Private,392518, Assoc-acdm,12, Married-spouse-absent, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,198766, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,66935, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,39, Federal-gov,135500, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,111697, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,141288, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,296450, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,94448, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,138200, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,217826, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Haiti +>50K,57, ?,182836, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,3103,0,40, United-States +<=50K,64, Self-emp-not-inc,46366, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,168275, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,74, Local-gov,214514, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, State-gov,107439, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +>50K,80, Self-emp-inc,164909, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,54, United-States +>50K,28, Federal-gov,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,77, Local-gov,181974, 7th-8th,4, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Private,176468, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,24, United-States +<=50K,51, State-gov,187686, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,229769, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,43, Private,45975, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Italy +<=50K,42, Private,187702, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,102585, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,327112, 11th,7, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, ?,167558, 7th-8th,4, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +<=50K,32, Private,296538, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,56, Private,169560, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,185283, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,224793, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,1719,40, United-States +<=50K,23, Federal-gov,478457, 11th,7, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Private,104413, Some-college,10, Separated, Tech-support, Other-relative, Black, Female,4101,0,40, United-States +<=50K,28, Self-emp-not-inc,175710, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +>50K,34, Private,85632, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,48, Private,102359, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,56, Local-gov,237546, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,31, Private,96245, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,42, United-States +<=50K,42, Private,91453, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,36, Private,131039, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Trinadad&Tobago +<=50K,52, Private,106176, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,0,3770,40, United-States +<=50K,55, Private,329797, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,153932, 11th,7, Married-civ-spouse, Craft-repair, Own-child, White, Male,2580,0,30, United-States +<=50K,35, State-gov,52738, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,51, Private,25932, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,19, Private,78374, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,59, Private,653215, 11th,7, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,318061, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,80, United-States +<=50K,46, State-gov,260782, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, ?,340580, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, United-States +>50K,46, Self-emp-not-inc,45564, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,209051, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,55, Private,100821, HS-grad,9, Married-spouse-absent, Priv-house-serv, Not-in-family, Black, Female,0,0,36, United-States +<=50K,28, Private,86268, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,61, Federal-gov,95680, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103,0,40, United-States +>50K,35, Private,327164, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,21, ?,117210, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Local-gov,136175, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,232591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,33, Local-gov,29144, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,64875, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,184011, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,60, United-States +>50K,29, Private,244246, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,8614,0,50, United-States +<=50K,39, Private,357173, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,203181, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,299508, HS-grad,9, Divorced, Tech-support, Unmarried, Black, Female,0,0,55, United-States +<=50K,28, Private,198493, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Male,0,0,35, United-States +>50K,59, Local-gov,358747, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,38, Private,91039, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5178,0,48, United-States +<=50K,23, Private,34918, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,44, Private,97159, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Federal-gov,212600, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +>50K,65, Private,90113, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,96705, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,58, Private,156873, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,49, Private,136358, Masters,14, Divorced, Sales, Unmarried, Other, Female,0,0,20, Peru +>50K,44, Private,227065, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, ? +<=50K,44, Local-gov,193144, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,33, Private,317660, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,85492, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Local-gov,203628, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,54, United-States +<=50K,30, Private,183801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,132686, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,50818, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,55, United-States +>50K,49, State-gov,160812, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,212286, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,61, Local-gov,77072, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,176155, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,219211, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,40, Private,356934, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,57, Private,143266, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, ? +<=50K,36, ?,194809, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,50, United-States +<=50K,62, Private,138157, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,437825, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,165503, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, ? +<=50K,68, Private,152053, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,48, United-States +<=50K,18, Private,211273, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,19, United-States +<=50K,30, State-gov,576645, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,42, ?,148951, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,12, Ecuador +<=50K,38, Private,38145, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,19, Private,66619, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,22, Private,126613, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, France +<=50K,46, State-gov,135854, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,57, Private,132145, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,194920, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,18, Private,260387, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Cuba +<=50K,67, Private,176388, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,28, Private,77009, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,30, Private,385177, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,20, Private,510643, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,100135, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,35, Private,297697, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,38, Private,179481, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,134045, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,275034, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,33, Private,127651, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,8614,0,40, United-States +<=50K,24, Private,237262, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, ?,274445, HS-grad,9, Never-married, ?, Own-child, White, Male,0,1602,20, United-States +<=50K,40, ?,141583, Bachelors,13, Never-married, ?, Unmarried, Black, Female,0,0,35, United-States +<=50K,27, ?,294642, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,181179, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,27, Private,184493, HS-grad,9, Separated, Handlers-cleaners, Own-child, White, Female,0,1594,25, United-States +>50K,48, Local-gov,125892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,118235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, United-States +<=50K,24, Private,119329, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Self-emp-not-inc,189843, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Private,167357, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,213,40, United-States +<=50K,51, Private,103803, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, United-States +>50K,41, Private,145175, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103,0,40, United-States +<=50K,26, Private,158846, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,69, Private,203313, 7th-8th,4, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,63, Private,125954, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +>50K,35, Private,102178, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,139364, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,62, Self-emp-not-inc,265007, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Ecuador +<=50K,26, Private,61996, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,62, United-States +>50K,63, Private,209790, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,117779, 12th,8, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,43, Self-emp-inc,173326, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +>50K,44, Private,318046, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,56, Local-gov,204021, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,236157, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,42900, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,144002, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,37, Private,126954, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,228649, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,126094, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,113106, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,19, United-States +<=50K,30, Private,118941, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Federal-gov,205675, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,75, United-States +<=50K,19, Private,89295, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,173858, HS-grad,9, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,2597,0,40, ? +<=50K,26, Private,168251, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,38, State-gov,143059, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,74, ?,41737, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2149,30, United-States +>50K,54, Private,266598, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,181796, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,214731, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,40, Private,219869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999,0,75, United-States +<=50K,23, Private,211968, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,38707, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,18, Self-emp-not-inc,58700, 9th,5, Never-married, Farming-fishing, Other-relative, Other, Female,0,0,40, Mexico +<=50K,24, Private,160261, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, France +<=50K,30, Private,160594, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,152307, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,41, United-States +<=50K,27, Private,100079, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,60, China +<=50K,21, Private,279472, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,43, Private,149102, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,177625, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,178678, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,1380,50, United-States +<=50K,58, Self-emp-not-inc,21383, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,86019, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,36, United-States +>50K,63, Private,181153, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +>50K,36, Federal-gov,223749, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,33087, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,253190, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,51, Private,165278, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,46, United-States +<=50K,51, Private,279452, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, Mexico +<=50K,43, Private,290660, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +>50K,47, Private,274883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,68, Self-emp-not-inc,35468, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,18, Private,195318, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,23, United-States +>50K,34, Private,256362, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,49, Private,148169, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,40, United-States +<=50K,65, Self-emp-not-inc,538099, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,186682, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +>50K,59, Self-emp-not-inc,156797, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,29, Private,162257, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, Private,208881, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,60, United-States +>50K,39, Private,159168, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,3004,40, United-States +<=50K,64, Private,172740, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,48, Federal-gov,186256, HS-grad,9, Divorced, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,110861, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,128699, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, Ecuador +<=50K,31, Private,271933, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,102320, Assoc-voc,11, Separated, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,54, Self-emp-inc,117674, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,190273, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,217747, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,99830, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,343068, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,32, State-gov,204052, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,267912, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,31, Private,207537, Some-college,10, Separated, Sales, Not-in-family, White, Male,2174,0,52, United-States +>50K,38, Private,256864, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,39, Self-emp-not-inc,306678, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,101204, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,4064,0,40, United-States +>50K,43, Private,77373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,47, United-States +<=50K,27, Private,371103, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Private,316271, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,56, Self-emp-not-inc,51916, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,159008, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,27, Private,153475, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, Private,118549, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,58, Private,315081, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,20, Private,122622, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,81786, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,194752, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,48, Private,208662, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +>50K,28, Self-emp-inc,173944, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024,0,65, United-States +>50K,34, State-gov,49325, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,38, Private,425502, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,55360, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,432480, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,48, Private,155781, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,2231,30, United-States +>50K,37, Local-gov,216473, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,185366, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,247515, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, Puerto-Rico +<=50K,70, Private,210673, 10th,6, Widowed, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +<=50K,32, Private,107435, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, ?,217300, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,20, ?,39803, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,482211, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,47, Federal-gov,169549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, ? +<=50K,23, Private,353542, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,40, Private,114200, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,245173, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,212895, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,49, ?,95636, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,271486, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,37, Private,258836, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,56, Private,288530, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +>50K,64, Private,47589, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,295099, Some-college,10, Divorced, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,38, Private,275338, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,45, United-States +<=50K,52, Self-emp-not-inc,168553, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,142766, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,18, United-States +>50K,31, Private,72887, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,47, United-States +<=50K,35, Private,102946, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,1669,45, United-States +<=50K,66, Self-emp-not-inc,244749, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Cuba +<=50K,36, Private,166115, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,26, Private,213383, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-inc,107231, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,17, ?,130969, 9th,5, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,27, Private,221977, 1st-4th,2, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +<=50K,41, Private,43467, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,99, United-States +>50K,52, Private,357596, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,48, Private,146497, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +>50K,33, Private,317809, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,190290, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +>50K,59, Private,194573, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,72, ?,144461, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,52, Local-gov,240638, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,52776, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,50524, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,324023, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,17, Private,110916, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,203924, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,53, Private,214868, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, Black, Female,0,2001,40, United-States +<=50K,27, Private,275466, 10th,6, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Local-gov,198708, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,23, Private,179241, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,154981, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,29, Private,178811, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,130018, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,87504, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,377414, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,177927, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,137490, 5th-6th,3, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,25, Private,262617, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,30682, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,60, Private,119684, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,52, Private,187938, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,49, United-States +>50K,35, Private,122353, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,31, Private,75755, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Private,91316, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,55, Private,134789, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,115892, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,104457, Bachelors,13, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,51, Local-gov,230767, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, Cuba +<=50K,61, Private,227332, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,160264, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,174533, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,53114, Some-college,10, Widowed, Sales, Not-in-family, White, Female,2538,0,20, United-States +<=50K,20, Private,163870, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,228709, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,172571, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,335542, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1628,50, United-States +<=50K,63, Local-gov,241404, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Female,0,0,35, United-States +<=50K,50, Private,197189, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,59, ?,102058, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,45, Portugal +>50K,41, Self-emp-inc,104813, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,261437, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,366842, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, ? +<=50K,21, ?,121468, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,214994, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,67, Private,229709, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,249039, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,49, Private,142287, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,259323, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,238281, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,60, Private,156774, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,86153, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,0,0,40, Germany +>50K,62, Private,93997, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +>50K,39, Self-emp-inc,91039, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,52, Private,224198, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,51, United-States +<=50K,54, Private,221336, HS-grad,9, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,28, Private,128012, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, ? +<=50K,53, Local-gov,231166, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,79702, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,132320, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, ?,33355, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,55, ?,177557, HS-grad,9, Divorced, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Private,148549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,301563, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,113106, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,41, Private,304175, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,25, State-gov,230200, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,313444, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,247328, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,132565, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,539019, Some-college,10, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,114292, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,227608, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,185554, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +<=50K,46, Self-emp-not-inc,181372, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,344592, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +>50K,29, Self-emp-not-inc,102326, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,220647, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2377,50, United-States +<=50K,18, ?,30246, 11th,7, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,33, Private,496743, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,88, United-States +<=50K,21, Private,161508, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,33, State-gov,30494, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,29, Private,256764, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1564,40, United-States +<=50K,20, ?,49819, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,42, ?,338281, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,20, Iran +<=50K,21, Local-gov,256356, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,25, Private,318644, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,227594, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,165695, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +>50K,55, Private,127728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,123681, Assoc-acdm,12, Separated, Sales, Unmarried, White, Male,0,0,35, United-States +>50K,48, Private,168038, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1564,50, United-States +>50K,32, Private,154950, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,44, United-States +<=50K,25, Private,148298, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,63042, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +>50K,57, Local-gov,101444, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,455379, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,211097, 5th-6th,3, Divorced, Other-service, Unmarried, Other, Female,0,0,20, Honduras +<=50K,61, Local-gov,153264, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,263220, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,43, Private,180138, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,208946, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, ? +>50K,33, Private,321709, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +>50K,39, Private,215981, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,26880, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,1092,40, United-States +<=50K,30, Self-emp-not-inc,90705, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,185068, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,20, Puerto-Rico +<=50K,37, Private,268390, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +>50K,55, Private,102058, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,421132, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,191803, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,13, ? +<=50K,60, Private,181954, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,25, Iran +<=50K,17, ?,34505, 11th,7, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,30, Private,93973, 11th,7, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,63, Private,355459, 12th,8, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,35, United-States +<=50K,37, Private,173586, 7th-8th,4, Never-married, Other-service, Own-child, Black, Male,0,0,56, United-States +<=50K,32, Private,312055, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,64, Federal-gov,353479, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,21, Private,321426, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,49, United-States +<=50K,53, Private,228752, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Private,281647, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,161615, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,187376, Assoc-acdm,12, Separated, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Private,234994, 7th-8th,4, Separated, Craft-repair, Unmarried, White, Male,0,0,40, Puerto-Rico +<=50K,58, ?,169329, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,216116, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,36, Private,109204, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,88879, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,200863, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,223811, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,32, Private,360761, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,166275, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,149102, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,117381, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,306993, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,232475, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,165867, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,268234, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +>50K,59, Self-emp-inc,110457, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,329174, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,4865,0,40, United-States +<=50K,37, Private,109472, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,418176, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,380390, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, ?,36064, 12th,8, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,59, Self-emp-inc,95835, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,25, Local-gov,250770, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,67603, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,30, State-gov,352045, Masters,14, Separated, Craft-repair, Not-in-family, White, Male,99999,0,40, United-States +<=50K,21, Private,196742, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,28, United-States +<=50K,31, Private,303942, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,246687, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,187793, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,205816, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,60, Private,182343, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,42959, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,46, Private,140644, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,2258,50, United-States +<=50K,19, Private,183264, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +<=50K,49, Private,294671, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,88926, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,65, Private,64667, Some-college,10, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,27, Private,416946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,52, Private,208570, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,116649, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,78, Local-gov,87052, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,5, United-States +>50K,46, Self-emp-not-inc,102869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,123552, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Ireland +<=50K,28, Private,157262, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,146890, 9th,5, Never-married, Farming-fishing, Own-child, Black, Male,0,0,20, United-States +>50K,57, Private,257200, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,452402, Doctorate,16, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,15, United-States +>50K,39, Private,531055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,298539, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,95989, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,32, Private,162572, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,41, Local-gov,75313, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,66, Private,117162, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +>50K,46, Private,173461, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,48, Private,349986, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,24, Private,204244, 9th,5, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,31, Private,36222, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,65, United-States +>50K,38, Self-emp-inc,320811, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,82676, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,20, Private,152189, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,54, Self-emp-inc,52565, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,62, ?,121319, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,144301, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,162869, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,179241, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,34, State-gov,62327, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,121012, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,43, Private,60001, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,55, ?,105582, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,34, Local-gov,454076, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,155818, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,434081, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,48, Federal-gov,265386, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,44671, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,63, Private,190296, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,33, Federal-gov,198827, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,64, ?,22228, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,28, Private,109857, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Self-emp-not-inc,190968, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +<=50K,51, Private,75235, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,67, Self-emp-inc,127605, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,60, Italy +<=50K,33, Private,318982, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,31, Private,229636, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2042,40, Mexico +>50K,46, Private,233802, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,28119, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +<=50K,66, State-gov,198363, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,2964,0,40, United-States +<=50K,58, Local-gov,153914, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,143582, Masters,14, Widowed, Sales, Own-child, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,71, ?,78786, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,2149,24, United-States +<=50K,42, State-gov,126333, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,182689, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,35, United-States +<=50K,19, Private,35245, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,19, Private,160120, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2597,0,40, ? +>50K,37, Self-emp-not-inc,400287, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,15, United-States +<=50K,22, Private,50610, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,349826, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,35890, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,174209, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,63225, 1st-4th,2, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,35, Private,164519, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,81145, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,32, Local-gov,73514, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +>50K,49, Local-gov,452402, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,7688,0,35, United-States +<=50K,19, ?,318056, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,27, Private,285897, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,19, ?,194404, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,20, Private,434710, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,42, Federal-gov,177142, Bachelors,13, Never-married, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,182863, Bachelors,13, Separated, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,62, Private,394645, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,110457, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,32, Self-emp-not-inc,292465, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,238433, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,55, Private,160631, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4508,0,8, Yugoslavia +<=50K,29, Private,285657, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,236907, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,378418, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,50, Self-emp-not-inc,213279, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,105503, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,79160, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,62, ?,139391, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Ireland +>50K,33, Self-emp-not-inc,190027, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,70, United-States +<=50K,79, Private,160758, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,33, Private,361280, Doctorate,16, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,36, Private,199288, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +>50K,46, Self-emp-not-inc,204698, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,213354, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,6, United-States +<=50K,22, Private,282579, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,39, Private,99783, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,27, Private,446947, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,55, United-States +<=50K,57, Private,186202, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,177951, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,28, Private,258364, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Local-gov,200727, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,33404, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,10520,0,50, United-States +>50K,63, Federal-gov,31115, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,21, Private,301915, 11th,7, Separated, Sales, Not-in-family, Other, Female,0,0,30, Mexico +<=50K,44, Private,201908, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +>50K,40, Private,168071, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,347623, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,35890, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,154227, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,161532, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,178282, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, Private,263561, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,201783, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,30, Private,161153, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,193125, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,28, Private,126060, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999,0,36, United-States +>50K,52, Private,186826, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,1564,40, United-States +<=50K,32, Private,156192, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,193094, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,26, Private,472411, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,147069, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,40, Private,300195, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,75, ?,91417, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,23, Private,182342, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Italy +<=50K,32, Private,258406, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Mexico +<=50K,27, Private,87239, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,294406, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,18, ?,41385, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,4508,0,40, United-States +<=50K,66, Private,197414, 7th-8th,4, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,47, Private,323212, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Local-gov,31532, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,30, Private,127610, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, Greece +<=50K,26, Private,163189, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,594187, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +>50K,39, Private,269323, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,1485,38, United-States +>50K,33, Private,96480, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,58, Private,200316, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,212780, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,30, United-States +>50K,49, Self-emp-inc,120121, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,367240, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,117606, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +>50K,33, Private,122749, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,59, Private,169560, 10th,6, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,269890, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Private,303426, HS-grad,9, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,5721,0,40, Philippines +<=50K,25, Private,112835, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,226503, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,207733, 1st-4th,2, Widowed, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,20, Private,275421, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,37, Local-gov,165883, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,56, Self-emp-inc,236676, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,171578, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Private,685955, Bachelors,13, Never-married, Sales, Unmarried, Black, Male,0,0,50, United-States +>50K,32, Private,72887, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,34, Private,135304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,218781, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,126540, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,261943, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +<=50K,34, State-gov,111843, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,3325,0,40, United-States +>50K,71, Self-emp-not-inc,401203, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,34, United-States +<=50K,56, Private,117400, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,61, ?,113658, 10th,6, Divorced, ?, Other-relative, White, Female,0,0,20, United-States +>50K,40, Local-gov,166822, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,36, United-States +<=50K,35, Private,151322, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,102684, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,152652, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,193416, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,3, United-States +<=50K,35, Private,103323, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,33975, Bachelors,13, Separated, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, ?,163665, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,59, Private,187485, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,50, Private,110327, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,179498, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Local-gov,197915, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Private,103995, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Female,10520,0,60, United-States +<=50K,46, Private,123807, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,15, United-States +<=50K,23, Private,43535, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,57, Self-emp-not-inc,200316, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,125832, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,72, Canada +>50K,51, State-gov,71691, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, Private,168212, Some-college,10, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Federal-gov,98320, Some-college,10, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,914,0,40, United-States +<=50K,41, Private,173307, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +>50K,56, Private,442116, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +<=50K,18, Private,130849, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,17, United-States +<=50K,51, Private,159015, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,147921, Prof-school,15, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,48, Private,268022, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,51, Private,253357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,339954, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,347623, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,3411,0,40, United-States +>50K,53, Federal-gov,169112, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,166213, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +>50K,62, Private,216765, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,51, Private,335997, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,18, ?,354236, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,70, Private,178120, HS-grad,9, Widowed, Priv-house-serv, Other-relative, Black, Female,0,0,8, United-States +>50K,54, Private,312631, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,50, United-States +<=50K,67, Local-gov,31924, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,2964,0,41, United-States +>50K,34, Federal-gov,96483, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,60, United-States +<=50K,26, Private,305304, 11th,7, Separated, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,52, Local-gov,111722, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,72, United-States +<=50K,24, Private,197554, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,257126, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,101597, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,220115, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,210844, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,40, Columbia +<=50K,25, Self-emp-inc,66935, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,81, Private,192813, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, Portugal +<=50K,35, Self-emp-not-inc,95639, 11th,7, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,4, United-States +>50K,40, Self-emp-not-inc,223881, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,223105, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,33, Private,192644, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,90, United-States +>50K,45, Self-emp-not-inc,58683, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5178,0,48, United-States +<=50K,22, Private,162282, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,55, United-States +<=50K,38, State-gov,239539, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Private,117849, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,17, Private,99237, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,18, ?,149343, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,3, United-States +>50K,42, Self-emp-not-inc,193882, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,41, Private,107845, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,268295, 5th-6th,3, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,71269, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,42, Self-emp-inc,204598, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,3464,0,80, United-States +<=50K,19, ?,98283, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,32, United-States +>50K,45, Self-emp-inc,188694, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,201908, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,38, Private,191137, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,58, Self-emp-not-inc,129786, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,302903, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,143526, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,182117, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,172753, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,85, United-States +<=50K,37, Private,139770, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,47, Private,215686, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, United-States +>50K,31, Private,181388, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,45, United-States +>50K,57, Private,81973, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,15024,0,45, United-States +>50K,44, Private,328581, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,110110, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,31, Private,174201, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,137421, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,35, India +>50K,34, Private,153927, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,187649, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,72, Private,149992, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,234640, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,47, United-States +>50K,52, Local-gov,311569, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,182383, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,57, State-gov,344381, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688,0,75, United-States +<=50K,35, Self-emp-not-inc,280570, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,215039, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,339442, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,28, Local-gov,168065, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,47534, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,54, Local-gov,116428, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,121789, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,29, State-gov,143139, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,187790, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,140559, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,184025, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,47, Private,257824, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,89226, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,7688,0,40, Greece +<=50K,21, Private,145917, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,207301, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,51, Private,135388, 12th,8, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,1564,40, United-States +<=50K,24, Private,266467, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,200047, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,121040, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,199694, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,301007, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,64, Self-emp-not-inc,253759, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,53, Private,120839, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, State-gov,33342, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,205195, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,362873, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, El-Salvador +<=50K,25, Private,104614, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Female,0,0,25, United-States +<=50K,27, Self-emp-not-inc,32280, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,30, Private,191777, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,20, ? +<=50K,39, Private,144169, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,264076, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,119164, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,126845, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,228395, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Private,242654, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,1138,40, Honduras +<=50K,69, Self-emp-not-inc,30951, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,36, Private,48855, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,57, Self-emp-not-inc,50791, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,58, Local-gov,248739, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,165418, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,79464, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,36, Local-gov,321247, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,104269, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,129573, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,222142, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,40, United-States +<=50K,24, Private,126613, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,54, Private,145548, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,331861, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,39, Private,156261, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,27, Private,173944, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,69739, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Portugal +<=50K,32, Private,266345, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,278006, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,50, Self-emp-inc,82578, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,154164, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,7, ? +>50K,25, Private,250038, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,175468, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,16, United-States +<=50K,23, State-gov,435835, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,7, United-States +>50K,70, Private,135601, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,35, United-States +<=50K,20, State-gov,162945, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,244115, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,16, United-States +<=50K,29, Private,351902, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,34, United-States +<=50K,33, Private,291414, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,278736, 12th,8, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,44, Private,138975, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,165295, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Mexico +>50K,49, Self-emp-inc,93557, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,66, Self-emp-not-inc,176315, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,401,0,20, United-States +<=50K,35, Private,187167, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,241582, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,33, United-States +<=50K,31, Private,247328, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,75, Self-emp-not-inc,157778, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,15831,0,50, United-States +>50K,66, Self-emp-not-inc,67765, 11th,7, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,84, United-States +<=50K,19, ?,229431, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,192203, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,93326, Some-college,10, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,118889, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,29, State-gov,237028, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,63, Private,156127, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,151325, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,311350, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,273465, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,66, Private,172646, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,1173,0,12, United-States +<=50K,51, Private,379797, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,131827, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,26, State-gov,158734, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,233533, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,48, Private,246367, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Local-gov,142049, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,101119, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,104830, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,594,0,35, United-States +>50K,42, Private,173981, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +>50K,63, Private,195338, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,18, Private,64253, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,56, Private,182062, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,111696, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,41, ?,168071, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,314369, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,45, United-States +<=50K,37, Private,178877, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,42, Private,111483, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,18, ?,192321, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,62, Private,171757, 7th-8th,4, Widowed, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Federal-gov,157313, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,38772, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Federal-gov,72338, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,132626, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,50, Private,176240, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,202692, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,70021, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,55, Private,181242, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +>50K,48, Private,196707, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,80, Local-gov,81534, 1st-4th,2, Widowed, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,1086,0,20, Philippines +<=50K,25, Private,137658, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,253190, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,233059, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, State-gov,177787, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,35, Self-emp-not-inc,193026, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,62, Self-emp-not-inc,271464, Masters,14, Separated, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,199689, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Federal-gov,190653, Assoc-voc,11, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,40, ? +<=50K,40, Private,359389, Bachelors,13, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,49, Self-emp-not-inc,181717, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,7, United-States +<=50K,52, Private,245127, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,21, Private,274398, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,344624, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,169037, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,48, United-States +<=50K,22, Private,221406, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,71, Private,211707, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,4, United-States +<=50K,73, ?,185939, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,227026, Bachelors,13, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, Nicaragua +>50K,38, Private,187847, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,238144, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,29, Private,243660, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,26, Private,102476, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,238405, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,187479, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,168294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, ?,129893, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,1579,30, United-States +<=50K,55, Private,172642, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,208066, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,247558, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,41, United-States +>50K,36, Private,99233, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,46, Private,430278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, State-gov,204374, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,38, Poland +<=50K,30, Private,136832, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,54, Federal-gov,151135, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,95875, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,39, Private,360494, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,187581, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,98659, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,45, Private,252242, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,99999,0,55, United-States +<=50K,24, Private,411238, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,199083, Masters,14, Divorced, Transport-moving, Not-in-family, White, Male,0,2258,50, United-States +<=50K,38, Private,222573, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,245317, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,45, Private,216414, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,50, United-States +<=50K,32, Private,236396, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,311826, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,18, United-States +<=50K,38, Private,172538, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,43712, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,272669, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0,0,30, Hong +<=50K,50, Private,137299, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,40, Private,171305, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,60, United-States +<=50K,33, Local-gov,190027, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,20, Private,376416, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,17, Local-gov,236831, 12th,8, Never-married, Adm-clerical, Own-child, Black, Female,0,0,15, United-States +<=50K,27, Private,170148, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,28, United-States +<=50K,66, Private,366425, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,53, Private,95864, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, England +<=50K,71, Private,37435, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,3, United-States +<=50K,39, Self-emp-not-inc,151835, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,149419, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,20, ?,224238, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,6, United-States +>50K,56, Private,359972, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, England +<=50K,60, Private,23063, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Private,198282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,211020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, Germany +<=50K,42, Private,104196, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,56, Private,133819, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,328734, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,2238,40, United-States +<=50K,34, Self-emp-not-inc,41210, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,225399, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,13862, HS-grad,9, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,38, United-States +>50K,32, Local-gov,43959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,83827, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,157332, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,163706, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,70, United-States +<=50K,43, Private,211517, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,1669,45, United-States +<=50K,69, ?,92852, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,39, Self-emp-not-inc,192626, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Private,115439, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,27, Private,98769, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,66473, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,138077, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,10, United-States +>50K,30, Local-gov,339388, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,72, United-States +<=50K,28, Private,195520, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, Ireland +<=50K,68, Private,204680, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,55, Private,184948, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,356231, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,2129,65, United-States +>50K,55, Private,204334, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, England +>50K,60, Self-emp-inc,96660, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,8, United-States +<=50K,44, Private,184871, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,298950, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,238802, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, ?,242670, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +>50K,47, Private,183186, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,34125, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,158996, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,35, Local-gov,203883, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,61, Self-emp-inc,248160, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,54, Private,548361, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,98, United-States +<=50K,21, Private,203914, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,19, United-States +<=50K,53, State-gov,91121, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Self-emp-not-inc,139397, 10th,6, Separated, Exec-managerial, Unmarried, White, Female,0,0,15, Ecuador +>50K,56, Private,208640, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,183013, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,161141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,54, Private,343333, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,80, United-States +<=50K,35, State-gov,210866, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,359854, Bachelors,13, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,35, Mexico +<=50K,49, Self-emp-inc,235646, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,47, United-States +<=50K,60, Self-emp-not-inc,157588, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,99, United-States +<=50K,55, Private,200734, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, ? +<=50K,21, Private,212213, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,38, Private,248941, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,291831, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,43, State-gov,114191, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,54, Self-emp-inc,151580, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,331498, Doctorate,16, Never-married, Other-service, Own-child, White, Male,0,0,40, ? +<=50K,20, Private,139989, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Private,187167, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,299528, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Taiwan +<=50K,41, Private,226608, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,306361, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,213416, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, Mexico +<=50K,23, Private,85139, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,48779, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,71, Self-emp-inc,146365, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,24, United-States +<=50K,36, Private,355856, 5th-6th,3, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +>50K,51, Private,39264, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,117028, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,266631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Haiti +<=50K,26, Private,152263, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,49, Private,387074, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,245211, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2002,43, United-States +<=50K,48, Private,136455, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,16, United-States +>50K,53, State-gov,153486, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,31, Private,105479, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,409902, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,21, ?,133515, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,594,0,40, United-States +<=50K,38, Private,89202, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, ?,185692, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,84, United-States +<=50K,34, Private,157024, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,53, Private,230936, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,57298, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,26, Private,82488, Masters,14, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,29, Private,606111, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,235182, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,150336, Some-college,10, Divorced, Tech-support, Other-relative, White, Female,0,0,40, United-States +>50K,43, Federal-gov,145175, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,39, Private,186719, Some-college,10, Separated, Craft-repair, Unmarried, White, Female,0,0,25, United-States +<=50K,38, Local-gov,325538, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,192995, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,31, Private,103596, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,207172, 11th,7, Never-married, Protective-serv, Not-in-family, White, Female,0,0,35, United-States +<=50K,53, Self-emp-not-inc,237729, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,3411,0,65, United-States +>50K,44, Private,121718, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,48, United-States +<=50K,43, Private,196344, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,22, Private,100235, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,161153, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,303619, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,88, Self-emp-not-inc,141646, 7th-8th,4, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,5, United-States +<=50K,21, Private,293726, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,190772, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,1590,35, ? +<=50K,35, Local-gov,91124, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,318912, Bachelors,13, Never-married, Other-service, Own-child, Black, Male,0,0,55, United-States +<=50K,48, Private,355978, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,81468, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,16, United-States +<=50K,64, Private,183672, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,49, Private,140826, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,50, ? +<=50K,44, Private,146659, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,294720, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,34, Private,284629, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,128091, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,153643, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +>50K,36, Self-emp-inc,173968, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,168479, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,303177, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, Mexico +<=50K,27, Self-emp-not-inc,189030, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,261584, Some-college,10, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,131230, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,138852, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,137532, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,67222, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,28, Private,278736, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,87, Private,143574, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,16, United-States +<=50K,54, Private,283725, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,131404, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,43, Private,185015, 5th-6th,3, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,43, Federal-gov,47902, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908,0,40, United-States +<=50K,38, Private,272017, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,224559, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,65, Private,138247, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,22, United-States +<=50K,39, Private,365465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,69887, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,203488, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,39, Private,57691, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,40, United-States +>50K,35, Private,193815, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,48, United-States +<=50K,31, Self-emp-not-inc,37284, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,317434, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,198613, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, Prof-school,15, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,31, Private,187560, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,77, ?,331863, Some-college,10, Separated, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,40, State-gov,52498, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,58, Federal-gov,256466, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,7688,0,40, China +>50K,37, Local-gov,215618, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,80, United-States +<=50K,39, Private,150057, 10th,6, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,213714, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,173095, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,4, United-States +<=50K,36, ?,143774, HS-grad,9, Divorced, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,277488, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,240468, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,43, Private,197609, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,72294, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,219155, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,130277, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,1726,40, United-States +<=50K,67, Private,100718, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,57, Private,151474, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Private,209955, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,23892, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,40, Private,206927, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,35, Private,60135, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,74, ?,95630, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,19, Private,229516, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,127740, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +>50K,39, State-gov,252662, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,2824,50, United-States +<=50K,17, ?,171080, 12th,8, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,47, ?,118358, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,50, ? +>50K,32, Private,160594, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1564,50, United-States +<=50K,32, Local-gov,393376, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,48, United-States +<=50K,51, Federal-gov,321494, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, ?,289517, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,38, Private,331395, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,19, ?,199609, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,178596, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,198996, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,222654, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,18, Private,293510, 12th,8, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +>50K,32, Self-emp-not-inc,176185, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, Japan +>50K,28, Private,370509, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,45, Private,167381, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,21, Private,300445, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Private,339602, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,329222, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,1740,40, Laos +<=50K,54, Self-emp-not-inc,183668, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,30014, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,120820, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,33021, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,295662, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,183168, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,148738, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,35, Private,214738, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,196758, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,35, Federal-gov,105527, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,221495, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,211938, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,209320, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,32, United-States +<=50K,33, Private,298785, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Private,459192, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,44, United-States +>50K,37, Private,342642, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,46015, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,219199, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,15, United-States +<=50K,49, Self-emp-not-inc,285858, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,66, Private,592029, HS-grad,9, Widowed, Sales, Not-in-family, Black, Female,0,0,24, United-States +<=50K,24, Private,132247, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,50, Private,330543, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,56, Private,176613, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,68, Private,174895, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,200408, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,219687, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,18, United-States +<=50K,17, Private,174466, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,27, Private,339921, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,38, Mexico +<=50K,47, Local-gov,330080, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,151504, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,39, State-gov,275300, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,178322, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,49, State-gov,209482, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Private,157831, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,46, Private,224314, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,71, ?,144461, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,3456,0,16, United-States +<=50K,42, Self-emp-not-inc,114580, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,70, United-States +>50K,46, Self-emp-inc,321764, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,197907, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, State-gov,199884, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,30, Private,332975, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,37599, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,36, United-States +<=50K,28, Private,52199, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Self-emp-not-inc,45795, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +>50K,30, Private,154120, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,27, Private,217530, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, El-Salvador +<=50K,58, Self-emp-not-inc,426263, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,37, Private,406664, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,24, Private,269799, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,127738, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,330724, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,16, ? +>50K,47, Private,138999, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,48, United-States +<=50K,33, Private,152744, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,26, Private,155459, Bachelors,13, Never-married, Protective-serv, Other-relative, White, Male,0,0,45, United-States +>50K,43, Private,222596, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,29, Private,209173, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,513977, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +>50K,45, Private,186410, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,230684, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,136986, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, State-gov,647591, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,264300, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,59, Private,95967, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +>50K,33, Private,187802, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1887,40, United-States +>50K,45, Self-emp-inc,270079, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,141379, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,18, Private,176653, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,26, United-States +<=50K,35, Private,176900, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,200217, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,188331, 11th,7, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,158363, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,247422, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,247120, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, White, Female,0,0,50, ? +<=50K,20, Local-gov,37932, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,32280, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,197286, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,55, Private,228595, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,81534, 11th,7, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,17, Private,165457, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,28, Private,209109, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,31, Private,141817, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,66, ?,249043, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,185640, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,400195, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,267912, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,370032, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,34, Private,191957, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,53, Private,361405, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,103580, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,116632, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,185480, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,94113, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,60, United-States +<=50K,26, Self-emp-not-inc,75654, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +<=50K,38, Private,104727, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,302406, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,63, Private,116993, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,274528, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Federal-gov,218382, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,35, Federal-gov,170425, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,148437, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Private,24264, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,78923, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,49, Self-emp-inc,106169, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Local-gov,211860, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,250821, Prof-school,15, Never-married, Farming-fishing, Other-relative, White, Male,0,0,48, United-States +<=50K,29, Private,202558, Assoc-voc,11, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,96480, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,32, United-States +<=50K,32, Private,215912, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,51, Self-emp-inc,182211, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,70, United-States +<=50K,33, Federal-gov,206392, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,150057, Bachelors,13, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,38, Self-emp-inc,105044, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,168195, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,18, Federal-gov,54377, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,69, Self-emp-not-inc,118174, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,20051,0,15, United-States +<=50K,54, Private,229375, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,44, Federal-gov,109414, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,1977,40, Philippines +<=50K,40, Private,158275, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,625,40, United-States +<=50K,40, Private,32185, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,20, Private,228452, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,170174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,56, United-States +>50K,39, Private,162370, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,260253, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,252392, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,99897, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,22, ?,52596, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, ? +<=50K,38, Private,48093, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,275244, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,35, United-States +<=50K,41, Private,173316, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,162164, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,45, United-States +<=50K,62, Private,166425, 11th,7, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,203463, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,99999,0,40, United-States +>50K,35, Private,77792, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,58, Self-emp-inc,120384, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,257470, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,38, Private,171482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,50, United-States +>50K,29, Private,162298, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,170273, Some-college,10, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,384774, 7th-8th,4, Divorced, Tech-support, Not-in-family, White, Female,0,0,50, United-States +<=50K,48, State-gov,120131, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,159442, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,37, Ireland +<=50K,33, Private,303942, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,33436, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,42, United-States +<=50K,45, Private,193407, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,22, Private,51985, Some-college,10, Never-married, Other-service, Own-child, White, Male,1055,0,15, United-States +<=50K,31, Local-gov,127651, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,152246, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,59, Private,124137, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,2202,0,40, United-States +<=50K,18, ?,209735, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,18, Private,241552, 11th,7, Never-married, Other-service, Own-child, White, Female,0,1719,20, United-States +<=50K,42, Private,174295, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,99, United-States +>50K,42, Self-emp-not-inc,165815, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,26, Local-gov,566066, Bachelors,13, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, ?,269373, 12th,8, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,143604, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,18, Local-gov,294605, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,12, United-States +<=50K,44, Private,122381, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,76, Local-gov,104443, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,1668,40, United-States +<=50K,34, Private,208116, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,25, United-States +<=50K,60, Self-emp-inc,328011, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,375079, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,35, Private,210945, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,38, United-States +<=50K,26, Private,169100, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,30126, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,165737, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,1, Japan +<=50K,24, Private,200295, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Private,553588, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,58, Local-gov,164970, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,199031, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,29, Private,187750, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,89413, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,188171, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-inc,392502, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Federal-gov,73883, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,59, Self-emp-inc,76860, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,40, China +<=50K,19, Private,376683, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,23, Private,189013, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +<=50K,32, Private,190385, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,34, Private,154874, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,175032, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,68, Self-emp-not-inc,338432, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,30725, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Local-gov,319280, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Private,280957, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,42, Private,256813, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,276213, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,161496, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,399531, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,74, Self-emp-not-inc,168951, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,14, United-States +<=50K,38, Self-emp-not-inc,108140, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,43, Private,358677, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Local-gov,127424, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, ? +<=50K,45, Self-emp-not-inc,163559, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,48, ? +>50K,45, Self-emp-not-inc,390746, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,187981, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Private,187715, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,46, United-States +<=50K,25, Private,192449, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,381581, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, State-gov,211049, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,43, Private,214242, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,35, Private,190759, 11th,7, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,209301, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,118614, Masters,14, Separated, Sales, Unmarried, White, Female,0,0,36, United-States +<=50K,22, Private,124971, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, Private,198704, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Local-gov,32587, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,51, Local-gov,227261, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,250988, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, State-gov,147206, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,25265, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,54, Local-gov,188446, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,206017, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,36, Local-gov,287821, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,62, Federal-gov,223163, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,38973, 10th,6, Widowed, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,370274, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,271559, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,30, Columbia +>50K,66, Private,171331, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,201127, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,64874, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,202683, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +<=50K,17, Self-emp-not-inc,103851, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,4, United-States +>50K,34, Private,196266, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,303601, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,43150, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,193889, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, ? +<=50K,28, Private,177036, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Self-emp-not-inc,135304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3942,0,32, United-States +<=50K,17, Private,25982, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,51, State-gov,103063, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +<=50K,41, Private,328239, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,142724, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,31, Private,198452, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,18, United-States +<=50K,28, Private,285897, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,34568, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +>50K,44, Self-emp-not-inc,136986, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,31, Self-emp-not-inc,404062, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, Portugal +<=50K,39, Private,80479, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,30, Private,433325, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,56, Self-emp-not-inc,368797, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,41, Private,157473, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,24, Private,193130, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,91667, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,36, Private,153078, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, Hong +>50K,31, Private,179673, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,236648, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,42, United-States +<=50K,41, Private,77357, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,267796, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,57, Private,335276, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Private,189102, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,34, Self-emp-not-inc,203051, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,167440, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,21, Private,186087, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,334267, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,45, United-States +<=50K,49, Private,172246, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Local-gov,117963, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,374116, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,60, Private,304074, Some-college,10, Widowed, Transport-moving, Not-in-family, White, Male,0,0,28, United-States +>50K,35, Private,212195, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, United-States +>50K,42, Self-emp-not-inc,52781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,176671, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,24, Private,175778, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,340126, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,64, Private,237581, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, Mexico +>50K,47, Local-gov,246891, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,23, Private,181659, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,34, Private,209900, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,47, Private,151826, 10th,6, Divorced, Tech-support, Unmarried, Black, Female,0,0,38, United-States +>50K,43, Self-emp-inc,210013, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Self-emp-inc,120131, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,366421, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,137578, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,36, Private,89625, 10th,6, Separated, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,72, Self-emp-not-inc,298945, Bachelors,13, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,108247, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,103642, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,25, ?,181528, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,23, Private,131699, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,14, United-States +<=50K,18, Private,154089, 11th,7, Never-married, Sales, Unmarried, White, Male,0,0,20, United-States +>50K,41, Private,247081, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,276839, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,166115, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,192936, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,50, Private,247425, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,198196, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,260254, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,60, Private,176360, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,214731, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,107564, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,32, Private,29312, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,62, Private,190610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,296858, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +>50K,42, Private,294431, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,259818, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Local-gov,161111, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,42, ?,85995, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,52, United-States +<=50K,18, Private,108501, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,27, Private,135296, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Federal-gov,491607, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,32, United-States +<=50K,61, Self-emp-not-inc,170278, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, Philippines +<=50K,41, Private,309932, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,117310, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,21, United-States +<=50K,46, Private,234289, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,45, Federal-gov,199925, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Male,0,0,48, United-States +<=50K,70, Local-gov,31540, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,46, Private,202606, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,30, Haiti +<=50K,20, Private,239577, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,110013, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,230054, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,27, Private,203558, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,222883, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,55, United-States +>50K,39, Private,61518, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,246891, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,51, Private,194995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,207025, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,24, United-States +>50K,39, Self-emp-inc,128715, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,180168, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,44, Self-emp-not-inc,270495, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +>50K,44, Private,191196, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,28, State-gov,624572, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,488706, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +>50K,43, Self-emp-not-inc,52131, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,38, Private,134635, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,197033, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,36, Private,112576, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,134737, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,45, Private,154237, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,103200, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,25, Private,179599, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +<=50K,57, ?,274900, 7th-8th,4, Married-civ-spouse, ?, Other-relative, White, Male,0,0,45, Dominican-Republic +<=50K,21, Private,138580, 12th,8, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Local-gov,187034, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,263568, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,35, United-States +<=50K,21, Private,142332, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +>50K,40, Private,174090, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,4687,0,50, United-States +>50K,38, Federal-gov,103323, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,108670, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,18, ?,326640, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,54, Private,99185, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,365328, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,19, Federal-gov,53220, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,1602,20, United-States +<=50K,22, Private,369084, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,48, Federal-gov,55377, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,55, Jamaica +<=50K,64, Private,271094, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,165014, Some-college,10, Married-civ-spouse, Sales, Own-child, Other, Female,0,0,11, Mexico +>50K,40, Local-gov,284086, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,47, Federal-gov,186256, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,19, Private,84250, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +>50K,39, Private,189404, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,152667, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,36, Private,239755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,44, Private,271756, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,332657, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, Private,141029, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,41281, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +>50K,41, Federal-gov,27444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,267945, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,30, Private,177675, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,135716, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,40, Private,91355, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,53292, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,51, Private,256466, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +>50K,40, Private,126701, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,13550,0,50, United-States +<=50K,25, Private,64671, 1st-4th,2, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,50, Without-pay,123004, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0,1887,40, United-States +<=50K,26, Private,167350, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,62, State-gov,160062, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,34, Private,35683, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,146565, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Self-emp-not-inc,168166, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,117779, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,2977,0,65, United-States +>50K,58, Local-gov,310085, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,262413, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, Italy +<=50K,56, Private,152874, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,1741,40, United-States +<=50K,29, Private,35314, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,37, Private,32719, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,37, Private,224566, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,190290, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,1602,40, United-States +<=50K,26, Private,331806, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,37, United-States +>50K,45, Self-emp-inc,328610, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,221533, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,350169, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,38, Japan +>50K,29, Private,125131, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,71, ?,158437, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Hungary +<=50K,37, Private,180714, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,48, United-States +<=50K,40, Private,284086, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,33, Private,119422, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,327060, HS-grad,9, Never-married, ?, Unmarried, Black, Male,0,0,8, United-States +<=50K,32, Private,171813, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,39, Local-gov,20308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,45037, 10th,6, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,53, Private,139157, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, Private,228931, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,60, Private,220729, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,147230, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,79586, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,65, United-States +>50K,40, Self-emp-inc,279914, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,40, United-States +<=50K,62, Private,142769, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,226525, 10th,6, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,178759, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,49, Private,106705, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,36, United-States +>50K,57, Private,194161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, Italy +<=50K,37, Private,225385, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,331960, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,156877, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,271354, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,31, Private,33117, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,212437, Assoc-acdm,12, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,37, Private,121228, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,1726,50, United-States +<=50K,62, Self-emp-not-inc,142139, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,54, Private,165001, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,56, Local-gov,294623, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,244413, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, Dominican-Republic +<=50K,29, Private,146014, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Self-emp-not-inc,197014, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,56, Self-emp-not-inc,169528, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,162397, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,38, Self-emp-not-inc,154641, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,251585, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,46322, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,38, United-States +<=50K,46, Local-gov,197042, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,43, Private,111829, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Local-gov,229005, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,64, Private,298546, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,43, Federal-gov,111483, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,64, Private,104973, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,383300, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,135162, 1st-4th,2, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, ? +<=50K,36, Private,87520, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,19, Private,183258, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,206546, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +>50K,55, Private,199212, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178,0,40, United-States +>50K,41, Local-gov,207685, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,61, United-States +<=50K,36, Private,213277, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,129980, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +>50K,28, Private,118089, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,45, United-States +<=50K,34, Self-emp-not-inc,236391, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,49, Private,209057, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,98044, Preschool,1, Never-married, Other-service, Not-in-family, White, Male,0,0,25, El-Salvador +<=50K,21, Private,154192, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,48268, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,158762, 10th,6, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,22, Private,87569, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,1762,40, United-States +<=50K,33, ?,274800, HS-grad,9, Separated, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,42, Local-gov,230684, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1579,40, United-States +<=50K,52, Private,155496, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,37, Private,22494, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,41, United-States +<=50K,42, Private,200610, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,60, United-States +<=50K,48, State-gov,54985, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,207807, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,30, United-States +<=50K,18, Private,294263, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,9, United-States +<=50K,23, Private,204226, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,90, Local-gov,188242, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,11678,0,40, United-States +>50K,47, Private,20956, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,55567, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, State-gov,251325, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,8, ? +<=50K,33, Self-emp-not-inc,75417, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,8, United-States +>50K,36, Local-gov,185556, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,38, Private,96732, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, Mexico +>50K,31, Private,323985, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,52, Federal-gov,198186, 10th,6, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,147884, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,35, Private,285000, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Private,91882, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,37, Private,196434, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,191968, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,222756, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,7430,0,40, United-States +<=50K,34, Private,66384, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,46, Private,165937, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,243076, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,193026, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,39, State-gov,126894, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,30, United-States +<=50K,24, Private,214399, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,55, United-States +>50K,70, ?,98979, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,20, United-States +<=50K,29, Private,191177, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,18, United-States +<=50K,27, Private,420351, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,159849, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,36, Private,128392, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,4787,0,40, United-States +<=50K,27, Private,130492, 11th,7, Divorced, Craft-repair, Unmarried, Other, Male,0,0,35, United-States +<=50K,48, Private,59380, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,59, Local-gov,130532, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,535740, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,21, Private,186452, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,276418, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,2051,32, United-States +<=50K,19, ?,383715, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,32, Private,418617, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, El-Salvador +<=50K,23, Private,607118, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,42, Self-emp-inc,230592, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,68, Local-gov,212932, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,20, United-States +<=50K,51, Self-emp-not-inc,321865, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,99, United-States +<=50K,36, Private,240755, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,167571, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,70, Self-emp-not-inc,165586, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,132267, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,308082, Preschool,1, Never-married, Other-service, Not-in-family, White, Female,0,0,15, El-Salvador +>50K,31, Self-emp-not-inc,402812, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,45, United-States +<=50K,25, Local-gov,136357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,117549, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,41, Private,482677, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,72, Self-emp-not-inc,112658, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653,0,42, United-States +<=50K,34, Private,120461, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,83444, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,55, United-States +<=50K,34, Private,93699, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,174794, Some-college,10, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,29, United-States +<=50K,22, Private,157332, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, Private,420973, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,176471, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,31, Private,113708, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,82497, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,32, Private,169512, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,44, Private,157765, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,277946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,195808, 11th,7, Never-married, ?, Own-child, White, Male,0,0,15, United-States +>50K,50, Private,57852, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,46, Private,99699, Bachelors,13, Separated, Prof-specialty, Not-in-family, Black, Female,0,1876,40, United-States +>50K,32, Private,296466, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,248476, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,409902, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,96, United-States +<=50K,19, ?,187161, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,20, United-States +>50K,36, Local-gov,220237, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1977,40, United-States +<=50K,21, Private,303187, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,38, Private,285890, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,55, United-States +<=50K,38, Self-emp-inc,63322, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,56, Self-emp-not-inc,159937, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,30, United-States +>50K,28, Private,208725, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,325159, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,89698, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,399088, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,35, Private,134922, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,50, United-States +<=50K,22, Private,245866, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,406328, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,72, Self-emp-not-inc,203523, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,30, Private,272432, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,30, State-gov,182271, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,193746, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Self-emp-not-inc,203505, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Private,118484, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,391591, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,30069, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,38, Private,179731, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,52, United-States +<=50K,34, Private,128016, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,2202,0,40, United-States +<=50K,38, Private,139473, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, State-gov,130302, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,250630, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Local-gov,115222, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,19, Private,198700, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,20, United-States +<=50K,23, Private,394191, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,78, Private,163140, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,26, Private,243786, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +>50K,42, State-gov,248406, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,20, ?,33860, Some-college,10, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,28, United-States +<=50K,45, Private,138342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,41, Private,115254, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,55, Private,173504, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,89259, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,30, State-gov,152940, Masters,14, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,58124, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,201908, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,156780, HS-grad,9, Married-spouse-absent, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,26, Private,152924, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,115963, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,375313, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Philippines +>50K,46, Local-gov,126754, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,35, State-gov,223725, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,38, Private,298871, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,25, Local-gov,306352, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, Mexico +<=50K,45, Private,166879, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, ?,125040, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,198493, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,86298, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,249039, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,217200, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,145139, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Local-gov,146343, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,102976, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Local-gov,24013, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,54, Private,162745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,55, Private,128045, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,245937, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,34, Private,426431, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,409902, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,33, United-States +<=50K,43, Private,580591, 1st-4th,2, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,28, Mexico +<=50K,76, Self-emp-not-inc,130585, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +<=50K,24, Private,201145, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Private,196107, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,55, Private,178353, 9th,5, Divorced, Machine-op-inspct, Not-in-family, White, Male,10520,0,60, United-States +<=50K,23, Private,195508, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,224716, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,18, ?,280901, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,43, Private,169076, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,141584, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Self-emp-not-inc,253267, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,35, Cuba +<=50K,27, Private,203776, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,54, Local-gov,449172, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,174329, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,91674, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,202958, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,205680, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,193932, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,177635, 12th,8, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,65, ?,180422, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,6723,0,38, United-States +<=50K,18, Private,231335, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,141058, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,20, Federal-gov,114365, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Local-gov,212856, Assoc-acdm,12, Never-married, Protective-serv, Own-child, Black, Female,0,0,35, United-States +<=50K,23, Private,64292, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,96609, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, ?,438427, Assoc-acdm,12, Separated, ?, Unmarried, Black, Female,0,0,55, United-States +<=50K,62, ?,144026, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,105997, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +>50K,47, Local-gov,154430, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,162954, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,21, Private,94826, 5th-6th,3, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Guatemala +<=50K,27, Private,54897, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,135020, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,40, Self-emp-not-inc,367819, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,22, Private,225531, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,2205,40, United-States +<=50K,49, Private,165937, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,131230, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,95647, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,66, Private,115880, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605,0,40, United-States +>50K,37, Private,262278, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024,0,45, United-States +<=50K,38, Private,126755, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,47, Local-gov,150211, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,188694, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,53, Self-emp-inc,59840, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,144752, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,63, Private,192042, HS-grad,9, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,46, Private,230806, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,364946, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,133986, 10th,6, Separated, Transport-moving, Unmarried, White, Female,0,0,70, United-States +<=50K,21, ?,201418, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,31, Private,236543, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,238386, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,96062, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +>50K,41, Private,202565, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,194063, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-not-inc,243733, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,70, United-States +<=50K,20, Private,403519, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,1719,33, United-States +>50K,48, State-gov,104353, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +<=50K,23, Private,239539, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Private,104089, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,93585, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,139277, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, Italy +<=50K,22, Private,124971, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Private,82566, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,145964, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,32, Federal-gov,177855, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,263656, 11th,7, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +>50K,40, Private,199191, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, England +<=50K,39, Private,212840, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,56, Private,191330, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,193720, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, Greece +>50K,39, Self-emp-inc,172927, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,33, Private,51185, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,186145, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,181307, Doctorate,16, Separated, Prof-specialty, Not-in-family, White, Male,0,1408,40, United-States +<=50K,20, Private,180052, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,22, United-States +<=50K,24, ?,61791, 9th,5, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,52505, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +>50K,36, Private,48976, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,37, Private,281012, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,33, Private,156464, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,71, Local-gov,94358, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,6, United-States +>50K,44, Federal-gov,296858, Masters,14, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,40, United-States +>50K,46, Private,84790, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,177054, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,38, Local-gov,131239, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,30, Federal-gov,49398, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,27242, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Philippines +<=50K,41, Local-gov,113324, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,295591, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +>50K,61, Private,48549, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,45, Local-gov,384627, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,2580,0,18, United-States +<=50K,25, Private,266062, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, State-gov,208117, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,38, United-States +<=50K,23, Private,315476, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,20308, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,169204, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,319831, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,80356, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,313473, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,31, Private,209529, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,24, Private,214956, 11th,7, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,557853, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,32, United-States +<=50K,49, Private,78529, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,37, Private,446390, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,43, Local-gov,256253, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,31, Private,61898, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,181152, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,35, United-States +<=50K,34, Private,90409, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Self-emp-inc,237713, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,176727, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,26, Private,285367, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,4416,0,28, United-States +<=50K,36, Private,135293, Masters,14, Separated, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,39, ?,105044, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,7298,0,40, United-States +>50K,48, State-gov,98010, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, United-States +<=50K,56, Private,162301, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,65, Self-emp-inc,103824, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,115677, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,48, Local-gov,319079, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,64, Private,134912, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +<=50K,31, Private,35985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,245317, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Private,35743, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,231004, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,51, Private,237295, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,43311, 5th-6th,3, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, El-Salvador +<=50K,18, Private,154583, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,64, Private,278515, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,266062, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,36, Self-emp-not-inc,172425, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,46, Self-emp-not-inc,102388, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,48, Private,195554, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +>50K,32, Private,265368, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,44, United-States +<=50K,19, Private,100669, Assoc-voc,11, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +>50K,45, Private,233511, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,223566, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,15, United-States +<=50K,22, Private,95552, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,159676, HS-grad,9, Divorced, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,19, ?,80978, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,48, Private,70584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,153475, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,104489, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Private,146325, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,246900, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,187589, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,65535, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,38540, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,191389, 5th-6th,3, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Italy +<=50K,19, Private,231492, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,32, Private,130007, 10th,6, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,64, Self-emp-inc,487751, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,52240, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,172906, Assoc-acdm,12, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Private,158685, 12th,8, Divorced, Other-service, Not-in-family, White, Female,0,0,48, United-States +<=50K,33, Private,307693, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,30, United-States +<=50K,40, Private,202922, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,119563, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,161444, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,82242, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,45, Germany +<=50K,68, Private,357233, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, White, Female,0,0,10, United-States +<=50K,31, Private,177596, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Puerto-Rico +<=50K,27, Private,209085, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,45, United-States +<=50K,35, Private,241306, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,19447, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,195104, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,109456, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,68, Private,34887, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,6, United-States +<=50K,55, Private,202435, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,191821, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,49, Self-emp-not-inc,228372, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,37, Private,78374, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,38, Japan +<=50K,58, Private,129786, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,410439, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,35, Self-emp-inc,152307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,42, Private,33895, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,178390, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,63, Private,114011, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,157839, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Federal-gov,97355, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,369781, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024,0,45, United-States +<=50K,22, Private,225515, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,138513, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,72, Self-emp-not-inc,138248, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,28, Self-emp-not-inc,149141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,36, Federal-gov,233955, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,40, Federal-gov,150533, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1977,40, United-States +<=50K,53, Private,233369, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,188779, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,16, United-States +<=50K,53, Private,287927, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,60, England +<=50K,20, ?,96483, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,8, United-States +<=50K,39, Private,165215, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,15, Poland +<=50K,32, Private,107142, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,50, United-States +<=50K,48, Private,82008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,116044, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,160101, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +>50K,41, Private,356934, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,204527, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,1506,0,40, United-States +<=50K,36, Private,276276, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,110408, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,187022, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,117528, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,180439, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,33, United-States +<=50K,47, Private,185870, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,290504, Some-college,10, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,49, Private,162264, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Private,253716, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,190525, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,283227, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,375221, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,35, United-States +<=50K,30, Private,194971, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,52, China +<=50K,30, Private,198091, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,30, Private,224462, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,198751, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,27, Private,221166, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,54, Local-gov,277777, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,40, United-States +>50K,32, Local-gov,247156, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,3103,0,38, United-States +<=50K,23, Private,61777, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2580,0,40, United-States +<=50K,62, Private,67928, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,204596, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +<=50K,23, Private,27881, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,66, United-States +<=50K,48, Private,332884, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,178551, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,26, United-States +<=50K,22, Private,215917, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,56, Private,284701, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,63, Private,286990, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,73, Private,366204, 7th-8th,4, Widowed, Priv-house-serv, Unmarried, Black, Female,1264,0,10, United-States +<=50K,22, Private,163519, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,123780, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,108140, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,469263, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,50, United-States +<=50K,52, Private,216558, Some-college,10, Separated, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Private,149218, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,32, Private,113453, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,24, United-States +<=50K,46, Private,23545, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,409443, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, Mexico +<=50K,29, Local-gov,152744, Masters,14, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,1506,0,40, United-States +<=50K,33, Private,166543, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,224217, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,41, State-gov,244522, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,55, United-States +<=50K,50, Private,148121, Some-college,10, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,69, Private,295425, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,30, Self-emp-not-inc,255424, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,97214, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,29, Local-gov,158703, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,478972, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,180383, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +>50K,33, Private,159123, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,231230, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,134232, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,90729, 11th,7, Never-married, Machine-op-inspct, Unmarried, Other, Male,0,0,40, United-States +>50K,36, Private,275338, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,410446, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,120475, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Federal-gov,127048, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,60, State-gov,113544, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,34, Self-emp-inc,233727, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,210064, Some-college,10, Widowed, Prof-specialty, Unmarried, White, Male,0,0,20, United-States +<=50K,53, Private,77462, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,25, Private,108001, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,36, Private,379522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,29, State-gov,51461, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,147270, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,44, Private,118212, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,189792, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,58, Private,225623, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,38, Private,248445, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,218490, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,22, ?,379883, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,38, Self-emp-inc,312232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,234470, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,389942, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,79483, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,389279, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,107581, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,176458, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,70505, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Local-gov,259646, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,235743, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,35, Private,177449, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,52, United-States +>50K,28, Private,103432, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, Portugal +<=50K,47, Private,347088, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,275924, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, Mexico +>50K,34, Private,162113, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,48, United-States +<=50K,17, Private,147497, 5th-6th,3, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,33, Self-emp-not-inc,37232, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,10520,0,80, United-States +<=50K,33, Private,441949, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,30, Private,285855, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,103123, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,207076, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Self-emp-not-inc,36270, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,60, United-States +>50K,43, Private,206927, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,32, Private,236415, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,108035, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,225395, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,24, United-States +<=50K,28, State-gov,140239, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,11, United-States +<=50K,36, Private,338033, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,314164, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,337065, 7th-8th,4, Divorced, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +>50K,33, State-gov,340899, Doctorate,16, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,102096, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781,0,40, United-States +>50K,47, Private,31141, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,62, Private,312818, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,1, United-States +<=50K,42, Local-gov,270147, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,97279, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,247328, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,30, El-Salvador +<=50K,48, Self-emp-not-inc,31267, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3411,0,70, United-States +<=50K,32, Private,220066, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,159269, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,53, Yugoslavia +<=50K,47, Private,155107, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,24, Local-gov,354351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,129053, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,28, United-States +<=50K,58, Private,255822, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Private,192323, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,176244, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,223019, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,243243, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,77, United-States +<=50K,22, State-gov,194630, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +>50K,51, Self-emp-inc,98980, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,99, United-States +<=50K,39, Private,223792, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,415706, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Local-gov,68781, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,68, Self-emp-inc,113718, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,1258,40, United-States +<=50K,37, Local-gov,152587, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,25, State-gov,120268, Some-college,10, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,37, Private,52870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,193895, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,32, Private,239662, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1579,36, United-States +>50K,51, Local-gov,201040, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Mexico +<=50K,36, State-gov,25806, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,46, Private,130667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,55, Private,141807, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,108037, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,129311, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,149218, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,42, Private,337276, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,24366, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,61, ?,149855, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,2057,70, United-States +<=50K,35, Self-emp-inc,49020, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,36, Private,165007, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,83413, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,103331, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,15024,0,44, United-States +<=50K,56, Private,142689, 11th,7, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,398575, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,166301, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,53703, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,274907, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Private,226525, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,36440, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,81965, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,52, Private,111192, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,214238, 11th,7, Never-married, Sales, Other-relative, White, Female,0,0,32, Mexico +>50K,43, Private,115932, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,173730, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,123157, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,220283, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,155066, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,244246, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Poland +<=50K,37, Private,112264, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,200450, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,66, ?,128609, HS-grad,9, Divorced, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,340591, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,43712, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,41, Private,316820, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, Private,44142, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,311311, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,66, ?,143417, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,264166, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, Mexico +<=50K,44, Private,112656, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,45, Private,123844, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,60, United-States +<=50K,27, Private,146760, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,36, Private,225516, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,114366, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, State-gov,199227, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,299347, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,74194, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,1721,45, United-States +<=50K,25, Private,244408, HS-grad,9, Married-civ-spouse, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,26, Private,198289, 12th,8, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Puerto-Rico +>50K,63, State-gov,89451, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,149433, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,236999, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,17, Private,34943, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,46, Self-emp-inc,40666, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,40, United-States +<=50K,34, Private,329170, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,6849,0,70, United-States +<=50K,26, Private,122999, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, Local-gov,118972, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Private,205068, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,40, Private,195124, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +<=50K,21, Private,143184, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,55, ?,90290, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,175232, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,319366, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Haiti +<=50K,34, Private,61559, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,47, Private,247869, Some-college,10, Separated, Transport-moving, Unmarried, White, Male,0,0,50, United-States +>50K,39, Private,204158, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,60, United-States +<=50K,36, Private,239755, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,198210, HS-grad,9, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Local-gov,190961, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,77, Private,171193, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,1668,30, United-States +>50K,27, Private,110073, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, England +<=50K,19, Private,163885, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,99783, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,40, United-States +<=50K,18, Private,430930, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,6, United-States +<=50K,54, Private,200450, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +<=50K,33, Private,226296, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,50, United-States +<=50K,45, Self-emp-inc,214690, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,181008, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, England +<=50K,26, Local-gov,345779, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,26, Private,58350, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,164647, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,21, Private,142809, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,105803, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195067, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,289964, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,194813, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,303211, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,37932, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,73, Self-emp-not-inc,268832, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,63925, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,25, Private,189897, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,635913, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, ?,296228, Some-college,10, Never-married, ?, Unmarried, Other, Female,0,0,42, United-States +<=50K,42, Self-emp-not-inc,138162, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,54, Self-emp-not-inc,164757, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +>50K,33, Private,236013, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,79, Private,149912, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,85384, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,52, Self-emp-not-inc,30008, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,23, State-gov,209744, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,25, Private,161027, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,131662, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +>50K,47, Private,115971, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,88373, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,16, United-States +>50K,45, Federal-gov,211399, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,22, Local-gov,273989, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,124614, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,263439, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,19896, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +<=50K,31, Private,229732, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,50, United-States +>50K,59, ?,169611, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,7298,0,12, United-States +>50K,36, Private,220237, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, Greece +>50K,46, Self-emp-not-inc,130779, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,152540, Bachelors,13, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,168330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,29, Private,485944, Bachelors,13, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,199539, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,26, Private,210521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,244175, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,42, Private,223763, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,183580, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, ? +<=50K,42, Private,63596, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,108540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,43, Self-emp-not-inc,116632, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,17, Private,175414, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,38, Federal-gov,290624, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,557805, Assoc-voc,11, Never-married, Sales, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,20, Private,19410, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,48, Private,206357, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,38, Private,216385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1740,40, Haiti +>50K,46, Private,120131, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,72, Private,131699, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,6, United-States +<=50K,30, Self-emp-not-inc,157778, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,302679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,133292, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,83, Self-emp-not-inc,243567, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +>50K,61, Private,72442, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,43909, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,23, Private,108307, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,20, Local-gov,87467, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,18, United-States +<=50K,42, State-gov,99185, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,27, Federal-gov,37274, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,44, Self-emp-not-inc,342434, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,234372, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,66, Self-emp-inc,107627, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,22, ?,377725, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,23, United-States +<=50K,32, Private,30271, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Private,368570, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,43, Private,316820, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,56, State-gov,176538, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,64, Private,265786, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,82393, Some-college,10, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,46, Private,318259, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,55, United-States +<=50K,45, Private,157980, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,41, Private,173981, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,52, Federal-gov,165050, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,303652, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,34, Private,393376, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,121912, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,351770, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +>50K,39, Self-emp-not-inc,198841, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Canada +<=50K,41, Local-gov,139160, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, ?,214810, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,137385, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,0,0,50, United-States +>50K,39, Private,86643, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,55, United-States +<=50K,20, Private,200089, 11th,7, Never-married, Farming-fishing, Other-relative, White, Male,0,0,36, El-Salvador +>50K,26, Private,219199, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,142711, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,29, Private,626493, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,177125, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, State-gov,181776, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,70, United-States +<=50K,36, Private,257250, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,444134, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,24688, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,33731, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,209443, Bachelors,13, Married-AF-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Private,140854, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,60, United-States +<=50K,50, Private,330142, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, United-States +>50K,26, Private,29488, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,279129, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,177940, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,48, United-States +<=50K,19, Private,391403, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,36, Private,334365, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,171356, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +>50K,45, Private,71145, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +<=50K,25, Private,36943, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,42, Private,285787, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,433580, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,50197, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,59, State-gov,139611, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,40, India +<=50K,31, Private,187802, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,241431, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,121775, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,136758, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,22, Private,493034, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,132139, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,50, Self-emp-not-inc,100109, 11th,7, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, ? +<=50K,23, Private,198861, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,1669,40, United-States +<=50K,19, Private,273226, 11th,7, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,323054, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,22, Private,284895, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,191324, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,53, Private,92565, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,46, Private,234690, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Cuba +<=50K,20, Private,258509, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,42, State-gov,178897, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,1151,0,40, United-States +<=50K,65, Private,220788, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,55, Private,376548, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,228592, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,18, United-States +<=50K,33, Local-gov,177216, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,33, ?,211743, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,21, United-States +<=50K,21, Private,23813, 10th,6, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,47, Private,195688, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,124953, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, ? +<=50K,34, Private,129775, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,339644, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,61, Private,149648, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,79, Private,187492, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,18, Private,336523, 12th,8, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,39, State-gov,222530, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,1590,40, United-States +<=50K,49, Self-emp-inc,140644, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5013,0,45, United-States +<=50K,31, Private,265201, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,47, Private,135246, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,36, Private,89202, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,296394, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,45, United-States +<=50K,50, Local-gov,66544, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,65, United-States +<=50K,41, Self-emp-not-inc,165815, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,187722, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,38, Local-gov,187046, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Private,397877, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,37, Private,258827, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,119529, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,22, Private,97212, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,19, Private,47235, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,75, United-States +<=50K,56, Private,359972, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,97212, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,52, Local-gov,72036, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,25, United-States +<=50K,35, Private,174938, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,201404, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,56, United-States +<=50K,23, Private,234791, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,33, State-gov,85632, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,147411, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,127388, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,116657, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,194608, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,28, Private,108706, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,158343, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,51, Private,914061, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,190174, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,19, Private,456736, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,46, Self-emp-inc,167882, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,8614,0,70, United-States +<=50K,42, Self-emp-inc,557349, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,19, Private,310483, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,29, Private,78261, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,172571, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,230229, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, Private,183017, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,230329, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,46537, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,409622, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,46, Private,190482, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, State-gov,113588, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +>50K,46, Self-emp-not-inc,246891, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,50, Private,193081, Preschool,1, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Haiti +<=50K,50, ?,284477, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,141420, HS-grad,9, Married-civ-spouse, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,197325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,443336, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,37, Private,66304, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,25, Private,180783, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,38, Local-gov,218763, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Federal-gov,388252, Bachelors,13, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,55614, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,25, Private,307643, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +<=50K,18, ?,33241, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Local-gov,58065, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,65, State-gov,172348, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,72, Private,138790, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,25, State-gov,117393, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,22, Private,227220, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,241306, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,189565, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,182714, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,113839, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,30, Private,92531, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,119629, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,26, Private,322585, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,277347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,221955, 5th-6th,3, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +>50K,38, Private,149347, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Private,207116, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,174077, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,22418, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,255252, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Private,159138, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +>50K,38, Private,414991, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,282678, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,53, Federal-gov,164195, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,4386,0,40, United-States +<=50K,21, Private,143436, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,202046, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Canada +<=50K,21, ?,202214, Some-college,10, Never-married, ?, Own-child, White, Female,0,1721,40, United-States +<=50K,55, Private,236731, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,23, Local-gov,307267, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,49, Private,144514, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,62, Private,155913, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,206383, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +<=50K,25, Private,233994, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,123291, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,195602, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,151888, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,103995, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,263796, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,111499, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,202222, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,230246, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,37778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,17, Private,144752, 10th,6, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,27, Private,220931, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,38, Federal-gov,68840, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,205339, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Private,172837, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,52, United-States +<=50K,41, State-gov,159131, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,207284, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,350824, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,70, ?,116080, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,39, Self-emp-not-inc,183081, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Self-emp-not-inc,177974, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942,0,99, United-States +<=50K,63, Private,192849, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,18, Private,169882, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,12, United-States +<=50K,21, Private,137320, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +>50K,34, Private,251521, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,329791, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,32, Private,261319, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Local-gov,343052, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,53271, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,38, United-States +<=50K,20, Private,129024, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,29, Private,179768, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,144949, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,150861, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,44, Local-gov,112763, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,116358, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, Self-emp-not-inc,331374, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,152811, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,68, Local-gov,202699, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,6418,0,35, United-States +<=50K,55, Private,92847, 7th-8th,4, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,30, United-States +<=50K,41, Private,137142, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,953588, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Local-gov,225544, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,62, Private,116289, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,279912, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,256630, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, Canada +>50K,42, Private,259727, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,25236,0,20, United-States +>50K,47, Private,331650, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,182006, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,4416,0,30, United-States +<=50K,19, Private,277708, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,64874, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,376455, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Private,125000, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,390369, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Private,250423, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,48, Local-gov,27802, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,1876,50, United-States +<=50K,50, Private,137192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,20, Philippines +<=50K,28, State-gov,200068, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,40, United-States +<=50K,26, Private,220656, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Private,199501, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, Jamaica +<=50K,26, Private,181613, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,32, Private,329432, Masters,14, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,139180, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, ?,263612, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,73, ?,402363, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +<=50K,25, Private,256545, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,31, Private,246439, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,38, United-States +<=50K,20, Private,182615, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,131401, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,259138, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,2407,0,36, United-States +>50K,43, Private,107503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,61, State-gov,205482, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,184833, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,4650,0,50, United-States +<=50K,43, Private,395997, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,33, Private,158438, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,42, Self-emp-inc,190044, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,52, United-States +<=50K,42, Self-emp-not-inc,184378, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,118983, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,99127, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,106982, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,52, United-States +>50K,47, Private,213668, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,8614,0,65, United-States +<=50K,50, Local-gov,159689, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,57, Private,354923, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,21, Private,200207, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,28, Local-gov,98590, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,42, Private,221947, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,33, Private,160634, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,53, Local-gov,179237, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,97771, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,237399, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,276559, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +>50K,50, Private,178251, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,58, Private,145370, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,15024,0,50, United-States +<=50K,21, Private,249271, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,257562, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,115842, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,341368, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,20, ?,172232, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,25, Private,67151, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,21, Private,228649, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,164198, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,64, Local-gov,190228, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,19, Private,179707, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,59, Self-emp-inc,132559, Doctorate,16, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,55, United-States +<=50K,36, Private,473547, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,55, Self-emp-inc,284526, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Cuba +<=50K,20, Private,112854, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,32, United-States +<=50K,28, Private,271012, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,298995, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,0,0,50, United-States +<=50K,20, Never-worked,273905, HS-grad,9, Married-spouse-absent, ?, Other-relative, White, Male,0,0,35, United-States +>50K,41, Private,172712, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,205249, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,55, ? +<=50K,24, Private,375698, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Japan +<=50K,42, State-gov,355756, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,147951, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,58, Private,156493, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,215857, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,22, Private,88824, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,242150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,30, Private,295010, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,67, Self-emp-not-inc,268781, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, Private,360593, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,44, United-States +<=50K,35, Private,306678, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,42, Self-emp-inc,377018, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,131230, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,457710, 11th,7, Never-married, ?, Own-child, White, Male,0,0,16, Mexico +<=50K,34, Self-emp-inc,229732, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,159879, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,204629, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,46580, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,471768, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,32, United-States +>50K,38, Private,117802, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,28, Private,175537, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,22, Private,247734, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,190885, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,38, Mexico +>50K,49, Private,117849, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-inc,103794, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,5721,0,35, United-States +<=50K,35, Self-emp-not-inc,222450, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,558344, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,48, United-States +<=50K,18, Private,131825, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,21, United-States +<=50K,45, Private,166181, HS-grad,9, Widowed, Priv-house-serv, Own-child, Black, Female,0,0,25, United-States +<=50K,22, Private,179392, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,47, Local-gov,232149, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,23, Private,96748, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,177895, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,207066, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Private,127749, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,216129, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,401273, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,5, United-States +>50K,51, Private,245356, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,52, Private,30846, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,216414, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,361390, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064,0,40, Italy +<=50K,29, Private,255364, Some-college,10, Divorced, Other-service, Own-child, White, Male,594,0,24, United-States +<=50K,19, Private,197377, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +>50K,66, Self-emp-not-inc,197816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,17, United-States +<=50K,38, Private,194140, Some-college,10, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,50, United-States +>50K,67, ?,110122, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,33, Private,102130, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Federal-gov,85815, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,30, Private,176064, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,55, United-States +>50K,43, Private,38946, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,249463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,175665, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,111385, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, State-gov,165867, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,347890, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,49249, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,125417, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,65, United-States +<=50K,73, Self-emp-not-inc,30958, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +>50K,45, State-gov,191001, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,18, Self-emp-not-inc,68073, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,233149, 12th,8, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,204596, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,109996, 9th,5, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,29, Private,251170, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,140001, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,61, State-gov,347445, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,229126, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,47, Private,235431, Preschool,1, Never-married, Sales, Unmarried, Black, Female,0,0,40, Haiti +<=50K,56, Private,209280, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,16, United-States +<=50K,26, Private,172013, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,133876, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,60, Private,152727, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,30, Private,139838, 10th,6, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,153885, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,45, United-States +<=50K,64, Self-emp-not-inc,21174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,101266, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,32, Private,99548, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,31, Local-gov,220669, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,6849,0,40, United-States +<=50K,36, Private,91716, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,32, Self-emp-not-inc,112115, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,49, Private,220978, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Private,121012, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,242804, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,192654, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,45, Private,111706, 1st-4th,2, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,41, Private,174196, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,54, Private,312500, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,39623, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,355468, 10th,6, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, State-gov,62726, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Federal-gov,75867, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,76449, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,34, Private,111567, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,112945, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,191389, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,208584, Assoc-acdm,12, Separated, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,49, Private,99340, 5th-6th,3, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,54, Self-emp-not-inc,308087, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,64, Private,166843, HS-grad,9, Widowed, Other-service, Other-relative, White, Male,0,0,28, United-States +<=50K,62, ?,122433, 10th,6, Divorced, ?, Unmarried, White, Male,0,0,35, United-States +<=50K,31, Private,103573, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,264735, Masters,14, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +<=50K,58, Self-emp-not-inc,281792, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,184081, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Jamaica +<=50K,22, Private,381741, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,58, Private,98630, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,161631, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,152591, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,69, Self-emp-not-inc,150080, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,278141, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,229328, 12th,8, Widowed, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +<=50K,26, Private,278916, Some-college,10, Separated, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,43, Federal-gov,421871, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,6849,0,50, United-States +<=50K,35, Private,164193, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,189265, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,5, United-States +>50K,52, Private,384959, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,36, United-States +<=50K,62, Private,67320, HS-grad,9, Widowed, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,50, Private,174655, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,30, Local-gov,327203, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,51148, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,19, Private,287380, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,27, United-States +>50K,58, Private,131608, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,122857, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,28, Private,259609, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,33, Private,104509, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,203435, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,148429, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,106950, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,87402, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,265638, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,60, United-States +<=50K,27, Private,430710, HS-grad,9, Separated, Sales, Own-child, White, Male,0,0,40, United-States +>50K,50, Federal-gov,193116, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,94880, Some-college,10, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,67, Private,186427, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,348287, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,58, Private,77498, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,47, Private,199058, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,156464, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, Germany +>50K,40, Private,202508, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,48, ? +<=50K,45, Private,131309, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,32, United-States +<=50K,41, Private,99679, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,136309, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,294451, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,104719, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,72, Self-emp-not-inc,207889, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,215890, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,341239, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,58326, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,176544, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,1741,50, United-States +<=50K,37, Private,216149, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,274637, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,23, Private,163870, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, ? +<=50K,52, ?,287575, HS-grad,9, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,268292, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,43, Private,343061, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Cuba +>50K,46, Local-gov,481258, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,181129, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,18, ?,153302, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,235891, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,33, Self-emp-not-inc,41210, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,31, Local-gov,152109, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +>50K,28, Private,114072, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,83066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,30, United-States +<=50K,18, Private,110230, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,5, United-States +<=50K,33, Self-emp-inc,137421, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,45, South +>50K,46, Self-emp-inc,222829, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,50, State-gov,89652, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +>50K,43, Self-emp-inc,375807, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,29, Private,184224, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,54639, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,77764, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,61523, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Self-emp-not-inc,54614, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,188246, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +<=50K,25, Private,267594, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,140499, HS-grad,9, Never-married, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Private,73471, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,41, Federal-gov,33487, Some-college,10, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0,0,38, United-States +<=50K,23, ?,201179, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,165814, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,44, State-gov,46221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,49, Self-emp-inc,172246, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,31, Federal-gov,148207, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,53, United-States +>50K,36, Private,389725, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, Germany +<=50K,33, Private,343519, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,35, Private,67317, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Self-emp-not-inc,257728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,264554, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,224567, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,24038, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,35, Private,210945, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,52, Self-emp-not-inc,123727, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, ?,78374, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,1, United-States +<=50K,18, Private,138266, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,58, Private,147098, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,26, Private,211695, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,196480, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,373699, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,189680, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,342458, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,161155, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,48, United-States +<=50K,48, Local-gov,116601, Masters,14, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,50, Nicaragua +>50K,67, Self-emp-inc,127605, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2174,40, United-States +<=50K,22, Self-emp-not-inc,47541, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,62, Private,134779, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,42, Self-emp-not-inc,177937, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,114758, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,64, Local-gov,287277, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,173113, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,51, Private,169785, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,64, Self-emp-not-inc,280508, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,24, Private,360077, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,165229, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,35, Private,282753, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,308812, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,132519, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,0,40, United-States +>50K,38, Private,185053, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +>50K,42, Local-gov,261899, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,119939, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,276165, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,361280, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,33, Private,195770, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,289804, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,247115, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,60, United-States +<=50K,48, Federal-gov,50459, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,260617, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,155066, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +>50K,80, Private,227210, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,40, United-States +<=50K,47, Local-gov,47270, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,111128, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,37, Private,119929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,73, Private,157248, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,174386, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,34, Private,21755, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,63, United-States +<=50K,35, Private,261646, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Private,590204, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,36, Private,679853, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Dominican-Republic +>50K,40, Private,144928, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,40, United-States +<=50K,26, ?,88513, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,110663, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,52, Self-emp-not-inc,182187, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Haiti +<=50K,45, Private,160703, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,39, Private,279323, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,131425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,180288, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +>50K,43, Self-emp-inc,123490, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,421474, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,100079, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828,0,60, China +<=50K,30, Private,95639, 11th,7, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,169002, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,49893, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,24, United-States +<=50K,30, Federal-gov,234994, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,137232, Bachelors,13, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,42, United-States +<=50K,49, Self-emp-not-inc,27067, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,40, Private,193385, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,34, Private,181372, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,23, United-States +<=50K,47, Private,189143, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,115422, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,64, Self-emp-not-inc,163510, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,50, United-States +<=50K,35, Private,241998, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,39, Private,106838, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +<=50K,90, ?,50746, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,30, Local-gov,325658, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,71, Private,244688, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,6514,0,40, United-States +<=50K,29, Private,244721, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,170721, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,105803, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Private,152810, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,138944, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,392668, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,28, Private,192257, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Japan +<=50K,79, ?,23275, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,70, Self-emp-inc,46577, Bachelors,13, Widowed, Farming-fishing, Unmarried, White, Female,0,0,6, United-States +<=50K,44, Private,174325, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,41, Local-gov,307767, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,192698, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,443809, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,18, Private,218100, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,37, Private,516701, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,1564,50, ? +<=50K,20, Private,123173, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,33, Private,241697, Some-college,10, Married-spouse-absent, Sales, Unmarried, Amer-Indian-Eskimo, Male,0,1602,40, United-States +>50K,53, Self-emp-inc,233149, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,357939, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,73928, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,54, State-gov,88528, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,37, United-States +<=50K,40, Private,245073, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,45, Private,148824, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,27, Private,106276, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,48, Private,185039, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,210310, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,150767, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +>50K,72, ?,31327, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,30237, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,22, Private,264765, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +<=50K,29, Private,148069, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, ?,41493, Bachelors,13, Divorced, ?, Own-child, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,168539, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,54, ?,108233, Assoc-acdm,12, Separated, ?, Not-in-family, Black, Female,0,0,20, United-States +<=50K,25, State-gov,66692, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,122747, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-inc,176289, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,238017, HS-grad,9, Widowed, Tech-support, Not-in-family, Black, Female,0,0,54, United-States +<=50K,28, Private,41099, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,190151, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,58, Private,109159, HS-grad,9, Widowed, Tech-support, Unmarried, White, Female,0,0,38, United-States +>50K,37, Local-gov,176949, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +>50K,61, Private,293899, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,48, Private,168262, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,64, Private,208862, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,50, Private,69477, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,443546, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Germany +<=50K,21, ?,202989, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,80, United-States +<=50K,59, Self-emp-not-inc,49996, HS-grad,9, Widowed, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,75, State-gov,220618, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +<=50K,30, Private,127875, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,217517, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,2885,0,40, United-States +<=50K,20, Private,162151, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,53, Federal-gov,314871, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,48, Local-gov,193960, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,33, Private,198103, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, State-gov,106466, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Private,122109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,54, Private,254152, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,51, Private,249449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,184169, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,34, Self-emp-inc,156192, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,175509, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,60, United-States +>50K,42, Private,297266, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,90, United-States +<=50K,24, Private,188073, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,18, ?,221312, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,79, Private,121552, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Male,0,0,5, United-States +<=50K,38, Private,177134, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +>50K,67, Private,127921, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,40, United-States +<=50K,25, Private,210794, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,149366, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Peru +<=50K,25, Private,214303, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, ? +<=50K,24, ?,205940, 9th,5, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,24, ?,43535, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +>50K,47, Private,158924, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,270437, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,266505, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,38, United-States +<=50K,32, Private,37070, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Japan +<=50K,26, Federal-gov,56419, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,20, South +<=50K,52, Private,389270, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,61, Private,205266, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,104575, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,99220, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,178313, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,41, Local-gov,103614, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,114882, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,186977, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Columbia +<=50K,22, Private,208893, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,10, United-States +>50K,57, Self-emp-inc,84231, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,20, Private,129240, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,64, Private,113061, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,243409, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,28132, 12th,8, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,77975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,241580, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,55, United-States +<=50K,40, Private,165599, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,31, Private,85374, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,42, United-States +<=50K,32, Self-emp-not-inc,45604, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,42, Private,109501, 5th-6th,3, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,289405, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,75759, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,3325,0,40, United-States +<=50K,27, Private,144808, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,21, ?,231511, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,47, Private,155890, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,56, Self-emp-not-inc,108496, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,101562, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,29, Private,116372, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,58037, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,339025, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,1579,40, Vietnam +>50K,31, Private,117659, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,372898, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,199426, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,36023, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,64, ?,186535, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,3103,0,3, United-States +<=50K,44, Private,57600, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,48, Private,369522, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,35, Private,28572, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,215323, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,81846, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,68, Private,535762, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1844,10, United-States +<=50K,59, Private,239405, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,35, Jamaica +<=50K,43, Local-gov,43998, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,408417, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,43705, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Private,176841, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,17, Private,120676, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,44, Local-gov,207685, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,33, United-States +<=50K,26, Private,157708, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,126349, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,49, United-States +>50K,40, Private,277647, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,45, Private,174426, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +>50K,43, Self-emp-not-inc,37869, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,28, Private,150025, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Peru +<=50K,54, Self-emp-not-inc,155496, Some-college,10, Never-married, Other-service, Unmarried, White, Female,2176,0,40, United-States +>50K,43, Private,174748, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,7430,0,45, United-States +>50K,40, Self-emp-inc,140915, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Other, Male,0,0,40, France +<=50K,19, Private,187161, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,24, Private,181820, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,438321, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Private,342121, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,54, United-States +<=50K,39, Private,135162, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,289448, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,2205,30, Philippines +>50K,44, Self-emp-not-inc,157237, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,184542, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,74, Private,70234, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,26, United-States +<=50K,30, Private,170412, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,171184, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Dominican-Republic +<=50K,56, ?,141076, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,3674,0,40, United-States +<=50K,59, Private,168145, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,172594, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,133582, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,2176,0,36, Mexico +>50K,51, Private,214840, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, ?,301408, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,30, United-States +<=50K,33, Private,97723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,51, Self-emp-not-inc,318351, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, Canada +<=50K,20, Private,69911, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,59, Private,200316, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,265426, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,66687, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,31, Private,107417, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, ?,140782, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,36, United-States +<=50K,23, ?,212210, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,57, Private,144012, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,40021, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,228493, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,65, Mexico +>50K,40, State-gov,114714, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,17, Private,188758, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,176862, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Local-gov,107793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, Self-emp-not-inc,333052, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,5, United-States +>50K,49, Private,175958, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,24, Private,125012, Bachelors,13, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,28, Private,135296, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,31171, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +<=50K,31, Private,103860, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,90582, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,216292, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,54, Local-gov,188588, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,2001,35, United-States +<=50K,27, ?,173178, Some-college,10, Never-married, ?, Not-in-family, Black, Male,0,0,36, United-States +<=50K,50, Self-emp-inc,193720, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,48, United-States +<=50K,35, Private,218542, 9th,5, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,138845, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,46, State-gov,86837, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,50, Philippines +<=50K,22, State-gov,125010, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,50149, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,241350, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,50, United-States +<=50K,81, Private,39895, 7th-8th,4, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,2, United-States +<=50K,36, Self-emp-not-inc,258289, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,28, Self-emp-not-inc,183151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,228614, 7th-8th,4, Married-civ-spouse, ?, Husband, Black, Male,0,0,35, United-States +<=50K,51, Private,192236, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3464,0,48, United-States +<=50K,37, ?,161664, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,60, United-States +<=50K,45, Private,105381, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,235786, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,118947, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,35, Private,168817, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,24361, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,321223, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,66, Private,146810, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +<=50K,30, Local-gov,94041, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,3325,0,35, United-States +<=50K,40, Self-emp-not-inc,814850, 9th,5, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,43, Private,331649, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,209894, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,44, Private,229954, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,287547, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,184018, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,25, Private,332409, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,113364, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,28, State-gov,134813, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +<=50K,24, Private,273049, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,29, Private,334277, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,51, State-gov,196395, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,47, Private,138069, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,358259, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,362067, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Private,209947, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,23, Private,122244, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,116546, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,213934, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,42, United-States +>50K,27, Local-gov,24988, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,1564,72, United-States +<=50K,53, Private,157229, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,40, India +<=50K,30, Private,162442, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +>50K,67, Federal-gov,231604, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,187031, Masters,14, Never-married, Sales, Unmarried, Black, Female,0,0,38, United-States +<=50K,33, Private,172714, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,198286, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,220001, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,262656, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,32, United-States +<=50K,27, Private,203776, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,36, Private,193815, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Local-gov,173242, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,43, Private,108126, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,1762,24, United-States +<=50K,62, Private,199021, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,54, United-States +<=50K,53, Private,92968, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,173682, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Local-gov,277533, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,90896, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,212600, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,52, Private,261671, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,66, Private,86321, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,22, United-States +<=50K,37, Self-emp-not-inc,119992, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,33, Private,427812, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Puerto-Rico +>50K,34, Private,55849, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,23, Private,271354, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,50, United-States +<=50K,36, Private,131239, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,50, State-gov,139157, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,39, State-gov,305541, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,50, Private,151159, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,84726, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,45, Germany +<=50K,47, ?,175530, 5th-6th,3, Separated, ?, Own-child, White, Female,0,0,56, Mexico +>50K,39, Local-gov,364782, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,137304, Bachelors,13, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,23, Private,197613, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Self-emp-inc,171615, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,57, Self-emp-not-inc,105824, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,47, Local-gov,250745, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,28, Private,352451, 7th-8th,4, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,123947, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,43, Private,178983, Masters,14, Separated, Sales, Unmarried, White, Female,6497,0,50, United-States +>50K,47, Private,101299, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Self-emp-inc,124993, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,178478, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,67001, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,97295, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,48, Local-gov,169515, Bachelors,13, Divorced, Protective-serv, Not-in-family, Black, Female,0,0,43, United-States +>50K,49, Private,121253, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,1564,40, United-States +<=50K,52, Federal-gov,35546, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,111635, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,207419, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +>50K,31, Private,143083, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,248094, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,170685, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,46, United-States +<=50K,46, Private,116143, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,25, Private,223426, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,65, Canada +<=50K,23, Private,370548, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,27, United-States +<=50K,43, Private,245525, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,408229, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,15, United-States +>50K,29, Local-gov,181434, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,27, Private,213225, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,45, England +<=50K,24, Private,199915, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,44, Local-gov,143104, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,31, Private,874728, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,43, Private,27661, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Local-gov,216116, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Private,193882, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,50, Self-emp-not-inc,98180, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,45, United-States +<=50K,70, Self-emp-not-inc,92353, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,78, Self-emp-not-inc,184762, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3471,0,50, United-States +<=50K,21, ?,148294, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,128777, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,73, Private,108098, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,47, Private,233511, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,223792, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,43904, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, Private,239864, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,159075, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,103474, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,90896, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,145290, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,155818, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,35864, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,0,70, Iran +<=50K,18, Private,394954, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, State-gov,34637, 9th,5, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,40, United-States +<=50K,34, Private,38223, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,352105, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,53, Private,291096, 1st-4th,2, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,144391, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,62, Private,44013, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,134890, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,497525, 10th,6, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,195520, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,44, Self-emp-not-inc,35166, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,26, Private,180514, Bachelors,13, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,262153, 11th,7, Married-spouse-absent, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,39, Local-gov,91039, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,70, ?,30140, 9th,5, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,125791, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,15, United-States +<=50K,31, Private,337505, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +>50K,61, Private,258775, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,4386,0,40, United-States +<=50K,32, Private,153152, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,2051,38, United-States +<=50K,21, ?,120998, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,434102, 11th,7, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,3, United-States +>50K,39, Private,342768, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,160786, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +>50K,52, Private,279440, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,26, Self-emp-not-inc,67240, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +<=50K,30, Private,196963, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,15, United-States +<=50K,70, Private,115239, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,29, Private,133937, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,32, Private,31714, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,4865,0,40, United-States +<=50K,32, Private,347623, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,174848, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Self-emp-not-inc,106873, 11th,7, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,49687, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,1980,40, United-States +<=50K,39, Private,256294, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,66, State-gov,33155, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,131939, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Local-gov,95256, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,32, Private,198901, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,177287, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,144925, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325,0,40, United-States +>50K,42, Private,188243, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Self-emp-not-inc,198068, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,116960, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,172496, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Poland +<=50K,21, ?,399449, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,251990, HS-grad,9, Separated, Adm-clerical, Not-in-family, Other, Male,0,0,37, United-States +>50K,54, Federal-gov,28683, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,41, United-States +>50K,36, Private,109133, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,24504, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,201495, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,49, Private,187634, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,77391, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,36601, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,31, Self-emp-not-inc,197193, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,27, United-States +<=50K,81, Self-emp-not-inc,184762, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, Greece +<=50K,40, Private,200671, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,47, Private,186539, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +>50K,39, Private,199816, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,171351, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,29, Private,119793, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,40, Local-gov,38876, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,28, Private,145242, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386,0,20, United-States +<=50K,19, ?,292774, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,217251, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,35, Private,195253, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,35, ?,139854, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,52, State-gov,145072, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,108085, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,23, Private,72055, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,76, Private,82628, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,41, Self-emp-not-inc,49156, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,46, Private,187666, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +>50K,49, Self-emp-not-inc,225456, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,60, Federal-gov,286253, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, ?,168548, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,190384, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +>50K,46, Federal-gov,362835, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +<=50K,50, Private,243322, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,49105, Assoc-voc,11, Separated, Adm-clerical, Own-child, White, Female,594,0,40, United-States +<=50K,20, Private,72520, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,200352, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,146660, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,10, United-States +<=50K,30, Self-emp-not-inc,247328, Assoc-voc,11, Separated, Sales, Not-in-family, White, Male,0,0,40, Mexico +>50K,41, Private,304605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,309778, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,248476, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,129624, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Cambodia +>50K,30, Private,97723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,143404, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,56, Private,127264, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,34, United-States +<=50K,28, Private,179191, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,230824, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,34, Private,410615, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,43, Private,224998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,40, United-States +<=50K,60, Self-emp-not-inc,54553, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,43, Local-gov,225165, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,75257, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,33155, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,85, United-States +<=50K,32, Local-gov,450141, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,1408,40, United-States +>50K,31, Private,441949, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Mexico +<=50K,25, Private,131341, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Cuba +<=50K,25, Private,227548, 12th,8, Married-civ-spouse, Other-service, Husband, Black, Male,3103,0,40, United-States +>50K,41, Self-emp-inc,38876, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1977,50, United-States +<=50K,26, Private,143756, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Local-gov,308275, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,65, United-States +>50K,35, Private,173586, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,196074, 9th,5, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,39, Federal-gov,178877, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,285580, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,66, Self-emp-not-inc,219220, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,40, Germany +<=50K,32, Federal-gov,228696, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, Mexico +<=50K,39, Private,185405, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,240124, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,96130, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, England +<=50K,31, Private,329172, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,147280, 11th,7, Never-married, Other-service, Own-child, Other, Male,0,0,40, United-States +>50K,34, Private,197252, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,43, State-gov,118544, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,183169, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,205810, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,1672,40, United-States +<=50K,23, Private,132556, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,438429, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,104293, Assoc-acdm,12, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,506830, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,42, Private,56072, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,51, Local-gov,164300, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,34, Private,274577, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,36568, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,41, Private,223548, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,27, Local-gov,478277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,254672, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,2354,0,40, United-States +<=50K,22, Private,171538, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,17, ?,220302, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,87135, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,46, Self-emp-not-inc,138626, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,179069, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,24, Private,88824, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,159623, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +>50K,67, ?,350525, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,53, Self-emp-not-inc,276369, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,96862, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +<=50K,18, Private,245486, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,64, Local-gov,209899, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +>50K,45, Private,306122, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,44, United-States +<=50K,32, Private,240763, 11th,7, Divorced, Transport-moving, Own-child, Black, Male,0,0,45, United-States +<=50K,30, Private,323069, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,179579, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,46, ?,162034, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,291181, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,28, Mexico +>50K,31, Private,356823, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,10520,0,40, United-States +<=50K,39, Private,312271, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,182714, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,184569, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,45, United-States +<=50K,55, Private,129762, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,40, Scotland +<=50K,23, Private,216867, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,155489, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +>50K,42, Private,256179, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,48, United-States +<=50K,65, Private,51063, 10th,6, Divorced, Other-service, Not-in-family, Black, Male,0,0,64, United-States +>50K,37, State-gov,164898, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,202206, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, Puerto-Rico +<=50K,48, Private,115358, 7th-8th,4, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,15, United-States +<=50K,43, Local-gov,343068, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +<=50K,44, Private,152908, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,58, Local-gov,217802, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,45, United-States +<=50K,70, Self-emp-not-inc,380498, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, Local-gov,257124, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,46, Local-gov,313635, Prof-school,15, Separated, Prof-specialty, Not-in-family, Black, Male,4650,0,40, United-States +<=50K,33, Private,168906, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,35, Local-gov,99146, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,190325, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,272715, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,29, Private,118598, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,59, Private,97213, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,39388, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,190916, 11th,7, Divorced, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,34, Private,61308, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,27856, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,54, State-gov,151580, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,38, Private,248011, 11th,7, Divorced, Transport-moving, Unmarried, White, Male,0,0,55, United-States +>50K,44, Private,188615, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,62932, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,28, Private,32510, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,60, ?,155977, Some-college,10, Widowed, ?, Unmarried, Black, Female,0,0,54, United-States +<=50K,57, Federal-gov,250873, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,257942, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,43, Private,334141, 7th-8th,4, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, ?,144210, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,34, Private,87535, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,222011, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,33895, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,168997, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,163576, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,72, Private,98035, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,20, ?,41356, Assoc-voc,11, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,245361, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,109133, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,62, ?,111563, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,21, United-States +<=50K,75, Self-emp-not-inc,124256, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2149,35, United-States +<=50K,21, ?,227521, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,60, Self-emp-not-inc,197060, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,18, Private,332125, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,2176,0,25, United-States +<=50K,19, Private,348867, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,15, United-States +<=50K,31, Self-emp-inc,118584, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,110622, Bachelors,13, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,8, South +<=50K,24, Private,43535, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,62, Private,84784, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,1741,40, United-States +<=50K,25, Private,266600, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,3137,0,40, United-States +>50K,28, Private,106935, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,265518, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,289653, Assoc-voc,11, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,340917, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,60, ? +<=50K,41, Private,56651, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,374833, 1st-4th,2, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,40, Mexico +<=50K,38, Private,210198, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,44, Private,240448, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,206869, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,72, Self-emp-inc,149689, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,48, United-States +<=50K,72, Private,75594, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2653,0,40, United-States +>50K,37, Private,110331, Prof-school,15, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +>50K,54, Private,353787, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,142909, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,54102, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,36, Self-emp-inc,339116, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, ? +<=50K,60, ?,50783, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,415500, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,79586, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,60, China +>50K,52, Private,142757, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,56, United-States +<=50K,37, Private,91716, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,75, United-States +<=50K,22, Private,376393, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,59, Private,129762, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Scotland +<=50K,34, Private,293017, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,54583, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,54472, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,129767, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,40, Private,109217, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,32, Private,189265, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,221680, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,200947, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, Italy +<=50K,21, Private,402136, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,119411, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,47, Self-emp-not-inc,136258, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Private,35459, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +>50K,31, Private,157640, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, United-States +<=50K,39, Private,181384, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +<=50K,50, Private,81253, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,21, Private,152668, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,17, ?,387063, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,73, ?,132256, Bachelors,13, Widowed, ?, Unmarried, White, Female,0,0,7, United-States +>50K,39, Private,106964, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,55, United-States +<=50K,21, ?,214238, HS-grad,9, Married-spouse-absent, ?, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,218068, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,23, United-States +<=50K,33, Private,162572, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,74, Self-emp-not-inc,160009, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,164488, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,51, ?,209794, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,3, United-States +<=50K,31, Private,119033, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,311446, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, Germany +>50K,31, Private,128065, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,101016, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,73, Private,33493, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,3, United-States +>50K,34, Private,130078, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,32, ? +<=50K,30, Private,284826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, Self-emp-not-inc,169112, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Hungary +>50K,37, Federal-gov,362006, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,124906, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1719,25, United-States +<=50K,53, Private,229247, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,45, United-States +>50K,59, Self-emp-inc,170993, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,13550,0,40, United-States +<=50K,39, Private,157641, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,224632, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,26, Private,159732, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,2205,43, United-States +<=50K,56, Self-emp-not-inc,221801, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,347074, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1944,12, United-States +>50K,35, Private,143059, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,1902,28, United-States +<=50K,23, Private,37072, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,137815, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Federal-gov,594194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,284716, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,39, Private,202662, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Local-gov,191754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,175985, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,69, Private,108196, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, ? +<=50K,37, Private,51198, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,26, Self-emp-inc,384276, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,46, Self-emp-not-inc,368355, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,221661, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,0,30, Mexico +>50K,51, Private,108435, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,63, ?,176827, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,42, Private,209547, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +>50K,29, Private,197565, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,35, United-States +<=50K,62, Private,180418, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,45880, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,52, Local-gov,203953, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,64, Self-emp-not-inc,178748, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,203171, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,55, United-States +>50K,71, Private,132057, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,9386,0,50, United-States +<=50K,33, Local-gov,40142, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,36, Private,224541, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, El-Salvador +<=50K,67, Self-emp-not-inc,221252, Masters,14, Divorced, Sales, Not-in-family, Other, Male,0,0,40, United-States +<=50K,26, Private,133766, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,41, Private,244945, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,35, Private,171393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,63, Self-emp-not-inc,326903, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,27, Private,91257, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,41, Private,118001, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,168906, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,27, Private,267912, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +>50K,55, Private,327406, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,25, Private,141876, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,185177, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,191807, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,39, Private,114942, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +>50K,32, Self-emp-inc,204470, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,99, United-States +>50K,50, Private,195844, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,50, United-States +<=50K,39, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,224466, Some-college,10, Divorced, Craft-repair, Unmarried, Black, Male,0,0,24, United-States +<=50K,46, Local-gov,149551, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,5013,0,50, United-States +<=50K,53, Private,113522, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,68, Private,116993, Prof-school,15, Widowed, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,45, Private,277434, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,167948, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,67, Self-emp-inc,273239, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,74, Private,322789, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1411,40, United-States +<=50K,20, Local-gov,240517, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,52, Local-gov,230112, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Local-gov,211385, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,33, Private,109282, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,367904, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,43, Private,34278, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,67, Private,221281, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,39, Private,179671, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,106721, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,27, Private,152951, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,315203, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Female,0,0,30, Dominican-Republic +>50K,44, Private,117728, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,192017, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,186575, 11th,7, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,42, Private,120837, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,289430, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, Mexico +>50K,44, Private,304175, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Local-gov,251841, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,33611, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,38122, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Self-emp-not-inc,72143, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Federal-gov,385183, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,37345, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,31, Private,290964, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,38, United-States +<=50K,26, Private,52839, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,134737, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829,0,70, United-States +<=50K,21, Private,55465, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,377401, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,323497, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,21, Private,334693, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,41, Self-emp-inc,163215, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,54, Private,178530, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,368256, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Private,191137, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,64, Private,212513, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,147653, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,41, Private,173307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,212760, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,53, State-gov,101238, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,306868, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,38, United-States +<=50K,60, Federal-gov,117509, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,151835, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,70, Private,291998, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,20051,0,65, United-States +>50K,44, Private,136986, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,201984, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,187060, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +<=50K,46, Private,174928, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,29, Private,445480, 12th,8, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,265781, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Local-gov,377107, Some-college,10, Separated, Other-service, Own-child, Black, Female,0,0,35, United-States +>50K,42, Private,347890, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,24, Private,199336, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,17, Private,111593, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,35, Private,258657, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,37, Federal-gov,39207, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,159770, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,309463, 9th,5, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,10, United-States +<=50K,38, Federal-gov,215419, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, Canada +<=50K,47, Self-emp-not-inc,177533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,251239, 9th,5, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,40, Federal-gov,134307, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,1741,40, United-States +<=50K,21, Private,24598, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,140676, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,143542, 11th,7, Widowed, Machine-op-inspct, Other-relative, White, Male,0,0,20, United-States +<=50K,65, ?,38189, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,2346,0,40, United-States +<=50K,31, Private,158291, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,118503, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,71609, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,203653, Bachelors,13, Divorced, Sales, Other-relative, Black, Male,0,0,40, United-States +<=50K,31, Private,181751, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,162358, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1408,40, United-States +<=50K,66, ?,231315, Assoc-acdm,12, Widowed, ?, Unmarried, White, Female,0,0,3, United-States +>50K,59, Federal-gov,181940, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Private,213226, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,27, Private,452963, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,268039, Some-college,10, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,34, Private,141841, HS-grad,9, Separated, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,194733, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,36, Private,214008, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,147755, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,32, ? +<=50K,42, State-gov,273869, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,160261, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,64, ? +>50K,25, Private,48029, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,163460, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,20, United-States +<=50K,55, Private,112529, 5th-6th,3, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,55, Private,109075, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5013,0,48, United-States +<=50K,31, Private,182699, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,101867, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,65, Local-gov,382245, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,200290, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,23, State-gov,35805, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,157541, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,61, Local-gov,192085, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,40, Private,33795, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,345459, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,105520, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,63, Local-gov,114752, Bachelors,13, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,17, Private,98572, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,54, Self-emp-not-inc,83984, Masters,14, Divorced, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Local-gov,317846, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,47, United-States +<=50K,28, State-gov,319027, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,84319, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,70, Private,298470, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Private,278322, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,169182, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,45, Cuba +<=50K,58, Private,498267, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,71, ?,94314, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,1173,0,18, United-States +<=50K,26, Private,50053, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,37, United-States +>50K,38, Private,107302, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,40, Private,110009, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,45, Private,154174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,43, Private,147110, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,141122, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,162164, 11th,7, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,26, ?,168095, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,134664, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3781,0,40, United-States +<=50K,66, Private,95644, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,198183, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,538583, 11th,7, Separated, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, ?,308499, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,108837, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +>50K,55, Private,27227, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1977,35, United-States +<=50K,43, Federal-gov,117022, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, Black, Male,0,1726,40, United-States +<=50K,66, Private,133884, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,602513, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,55, Self-emp-inc,114495, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +>50K,43, Private,171087, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,33, Private,53373, 10th,6, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,323810, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +<=50K,50, Private,200325, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,322092, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,209739, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,38, Private,589809, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,105838, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,30, Private,119522, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,56, Private,258579, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,29, Private,123200, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,2415,40, Puerto-Rico +<=50K,34, Private,275771, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,58, Local-gov,33386, Some-college,10, Widowed, Adm-clerical, Other-relative, White, Female,0,0,25, United-States +>50K,47, Local-gov,101016, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,62, Private,217434, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,187229, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,49, Private,207772, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +>50K,40, Federal-gov,179717, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,17, Private,260978, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,14, Philippines +<=50K,36, Private,280570, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,73, Private,179001, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,7, United-States +<=50K,26, State-gov,79089, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,63, Private,85420, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,21, Local-gov,244074, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,22, United-States +<=50K,49, Self-emp-not-inc,259087, 11th,7, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, ? +<=50K,20, Private,361138, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,40, Private,309311, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,46756, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Federal-gov,272339, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,82521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,103759, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,150675, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,180096, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,157991, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,164170, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,18, Private,186946, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,23, United-States +<=50K,57, Private,201159, Assoc-acdm,12, Widowed, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,61343, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,130534, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, Private,222635, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,80, United-States +<=50K,32, Private,169768, Bachelors,13, Separated, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,72922, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,59, Private,66440, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,338836, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,36, United-States +>50K,47, Local-gov,122206, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,145704, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,35, State-gov,88215, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,24, Private,114873, HS-grad,9, Never-married, Protective-serv, Not-in-family, Other, Male,0,0,40, United-States +<=50K,22, Private,240063, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,167015, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,44, Local-gov,354230, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,124827, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,225739, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,68, ?,188102, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,46, Local-gov,349986, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,112763, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,2597,0,40, United-States +<=50K,66, Private,242589, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,34, United-States +<=50K,21, Private,366929, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,38, United-States +<=50K,25, Private,154210, 11th,7, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0,0,35, India +<=50K,31, Private,274222, 1st-4th,2, Never-married, Transport-moving, Other-relative, Other, Male,0,0,40, El-Salvador +>50K,51, State-gov,166459, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,33, Private,36222, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,240063, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,31, Federal-gov,158847, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,31, Private,203488, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +<=50K,54, Private,96062, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,49, Self-emp-not-inc,126077, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,59, Private,162580, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Female,0,0,35, United-States +<=50K,76, Self-emp-not-inc,413699, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,28, United-States +>50K,32, Private,303692, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,184682, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,70, Self-emp-inc,217801, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +>50K,41, Private,306496, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,110171, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,36, State-gov,89625, HS-grad,9, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,23, ?,234108, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,270147, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,32, Self-emp-not-inc,195891, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Iran +>50K,47, Private,131160, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,99999,0,40, United-States +<=50K,56, Private,93211, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, Canada +>50K,38, Private,181661, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,56, United-States +<=50K,74, Private,146365, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,19, Private,219671, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,74, Private,203523, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2653,0,12, United-States +<=50K,22, ?,268145, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,137421, HS-grad,9, Married-spouse-absent, Other-service, Other-relative, Other, Male,0,0,40, Mexico +<=50K,31, Private,302679, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,421474, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,98524, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, Canada +<=50K,27, Private,282313, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,56, Private,157786, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +<=50K,40, Private,83508, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, United-States +<=50K,67, State-gov,167687, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3456,0,35, United-States +<=50K,45, Self-emp-not-inc,187272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,45, South +<=50K,36, Federal-gov,187089, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,167625, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,190955, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,50, Private,185846, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,40, United-States +<=50K,43, Private,55764, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +>50K,69, Private,164110, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,10605,0,50, United-States +<=50K,32, Private,117444, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Self-emp-not-inc,164593, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, ? +<=50K,45, Private,22610, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,303942, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,51, Federal-gov,378126, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1980,40, United-States +>50K,38, Self-emp-inc,231491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,36, Private,69481, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,42, Private,199018, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,255252, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,193871, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +>50K,36, Private,23892, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,201156, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,55, United-States +<=50K,33, Private,171468, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,37, Private,255454, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298,0,35, Haiti +<=50K,26, Private,207258, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,134440, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,46, Private,107737, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,193190, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,45, Private,114774, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,2258,55, United-States +<=50K,17, Private,507492, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, Guatemala +<=50K,23, Private,209955, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, Canada +>50K,36, Private,298635, Bachelors,13, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Iran +<=50K,47, Private,175600, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,294592, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,39, Private,40955, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,268996, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, Private,175323, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,52, United-States +<=50K,22, Private,125010, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, ?,201871, 12th,8, Never-married, ?, Own-child, White, Male,0,0,7, United-States +<=50K,28, Private,203171, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,53774, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064,0,12, United-States +>50K,29, Private,247867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,126135, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,82067, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,224559, 10th,6, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,48, Local-gov,127675, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +>50K,47, Private,101825, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,259412, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,25, Private,166977, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +>50K,63, Private,546118, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,110318, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,175856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,156763, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,213897, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1902,40, Hong +<=50K,24, Private,44493, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,201156, 11th,7, Never-married, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,375703, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,31, Private,293594, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,3770,37, Puerto-Rico +<=50K,44, Local-gov,183850, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,27, Private,84433, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,62, ?,296485, Assoc-voc,11, Separated, ?, Not-in-family, White, Male,0,0,10, United-States +<=50K,28, Private,214026, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,40, Local-gov,104235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2051,30, United-States +>50K,42, Private,212894, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,24, Private,446647, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,56, Private,530099, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,42850, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,43, Private,120277, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,55, United-States +<=50K,56, Private,146554, HS-grad,9, Separated, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,20, Private,44793, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,52, Private,182907, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,50, Private,341797, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,226441, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,48988, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Private,252646, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,214695, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,189194, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,68021, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,117369, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,340094, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, Local-gov,161113, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,279243, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,49, Private,110669, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +<=50K,17, Private,121470, 12th,8, Never-married, Transport-moving, Own-child, White, Male,0,0,10, ? +>50K,39, Private,453686, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,281219, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,1380,40, United-States +<=50K,30, Private,235738, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,272167, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,76, ?,84737, Bachelors,13, Widowed, ?, Other-relative, Asian-Pac-Islander, Male,0,0,32, China +<=50K,62, Private,176965, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,101701, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,20, United-States +<=50K,33, Private,22405, HS-grad,9, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,72, United-States +>50K,50, Private,98815, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,43, Private,195897, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,96718, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,39, United-States +>50K,67, Private,126361, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,9, United-States +<=50K,27, State-gov,56365, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, China +<=50K,33, Federal-gov,344073, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,1408,50, United-States +<=50K,35, Private,306388, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,143604, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,2, United-States +<=50K,26, Private,174592, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,45, Self-emp-not-inc,48553, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,358355, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Mexico +<=50K,48, Private,443377, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Local-gov,229656, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +<=50K,40, Private,115516, Masters,14, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,62, Private,189665, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,52, Self-emp-not-inc,105010, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,30, United-States +>50K,50, Private,320510, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,175943, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,44, Private,89172, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,281627, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1564,30, United-States +<=50K,23, State-gov,1117718, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,30, United-States +<=50K,39, Private,108293, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,152035, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,38389, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,213902, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,22, Local-gov,192812, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +>50K,35, Private,301911, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +>50K,52, Private,89041, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +>50K,37, Private,96483, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,5178,0,38, United-States +<=50K,25, Private,209970, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,27, Private,110622, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,51, State-gov,250807, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, State-gov,391257, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,26, Private,135521, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,21, ?,108670, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,179533, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,64, Private,250117, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,50, United-States +<=50K,34, State-gov,101562, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,70, Self-emp-inc,223275, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, State-gov,168035, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,175382, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,170540, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,243240, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,51, Self-emp-not-inc,381769, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,104545, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,61, Private,74040, Bachelors,13, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,30, South +<=50K,41, Federal-gov,275366, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,194360, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,24, State-gov,334693, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,146764, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, ?,184975, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,18, Private,336508, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,60, Private,427248, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, ?,186489, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,2603,40, United-States +<=50K,28, Private,258364, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,214215, 11th,7, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,49448, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,52, Private,261198, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,270535, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,26, Self-emp-not-inc,218993, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +>50K,48, Private,155489, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,151866, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,47, Private,98828, HS-grad,9, Widowed, Prof-specialty, Unmarried, Other, Female,0,0,35, Puerto-Rico +<=50K,22, Private,233495, 9th,5, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,182203, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,38, Private,33394, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,19, ?,171583, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,34, Local-gov,80411, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Private,161295, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,49, ?,178341, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,311523, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Iran +<=50K,25, Private,315130, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, United-States +<=50K,23, Private,67311, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Canada +<=50K,48, Private,44907, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,45, United-States +>50K,62, Private,104849, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,27, Private,225768, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,186666, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, ?,69510, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,59, Private,171242, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,197420, HS-grad,9, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, Mexico +<=50K,48, Private,224087, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,140141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,175943, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,14, United-States +<=50K,46, Local-gov,318259, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,190027, HS-grad,9, Separated, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,32, Private,233838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,51, ?,117847, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +<=50K,26, Private,49092, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,171524, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Columbia +>50K,50, Private,237868, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,51, Self-emp-not-inc,34067, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,25005, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,177437, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Local-gov,185267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,40, Private,104397, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,0,0,30, United-States +>50K,41, Private,33331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,48, Private,29128, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,57, State-gov,328228, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,227411, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,169117, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,27, Private,238267, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,31, Private,118551, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,47541, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,45, Private,92374, Some-college,10, Never-married, Exec-managerial, Not-in-family, Other, Male,13550,0,60, India +<=50K,61, Local-gov,224598, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,24, ? +<=50K,32, Private,131568, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Private,183319, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,41, Private,309932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,197311, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,99, United-States +<=50K,28, Private,292120, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,42, United-States +<=50K,49, Private,117310, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,38, United-States +>50K,23, Private,308647, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,30, Private,135785, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,179008, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, State-gov,205188, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,193945, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,40, State-gov,258589, Masters,14, Never-married, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +>50K,30, State-gov,107142, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +>50K,42, Private,23157, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,72, Self-emp-not-inc,47203, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931,0,70, United-States +<=50K,30, Private,279923, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,51, Private,192386, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,6849,0,40, United-States +>50K,24, Private,188569, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,4787,0,60, United-States +<=50K,43, Private,68748, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,53, Private,239155, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,165346, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,64, United-States +<=50K,21, Private,392082, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Male,0,0,40, United-States +<=50K,36, Private,379522, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, Germany +<=50K,34, Private,109917, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,109097, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, State-gov,202765, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Federal-gov,125892, Masters,14, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,15024,0,40, United-States +<=50K,30, Private,119411, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,88231, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,188561, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Private,191681, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,36999, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,57, Private,161662, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,4650,0,40, United-States +>50K,45, Local-gov,111994, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,247711, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,2258,55, United-States +<=50K,41, Private,271282, 11th,7, Divorced, Protective-serv, Not-in-family, White, Female,0,0,20, United-States +>50K,44, Private,314739, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,195148, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,358121, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,101266, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,278391, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,50, United-States +<=50K,19, Private,206751, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,54, Private,161147, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,2174,0,40, United-States +<=50K,47, Private,301431, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,347000, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +<=50K,39, State-gov,25806, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,48, China +<=50K,24, Private,181557, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,20057, Some-college,10, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,25, Private,190107, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,30269, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,44, United-States +<=50K,20, Private,117767, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,406734, Masters,14, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,236696, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,20, Iran +<=50K,24, Private,354691, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,199720, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,24, Self-emp-not-inc,31606, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0,0,20, United-States +<=50K,45, Federal-gov,133973, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,323639, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,74, United-States +<=50K,21, Private,225724, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,64, Self-emp-not-inc,144391, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,34173, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,20, United-States +>50K,55, Local-gov,219074, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,55, United-States +<=50K,21, Private,379525, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,4416,0,24, United-States +<=50K,17, Local-gov,287160, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,7, United-States +<=50K,27, Private,130386, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,409815, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,38, Private,212143, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,33, ?,33404, HS-grad,9, Divorced, ?, Unmarried, White, Male,0,0,48, United-States +<=50K,52, Private,235567, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,306868, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,37, Private,353550, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,37, Private,107302, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,65, Self-emp-not-inc,169435, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,39, United-States +<=50K,28, Private,105817, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,32, Self-emp-not-inc,68879, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Self-emp-not-inc,206288, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,35, Vietnam +<=50K,32, Private,187936, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,50, United-States +>50K,45, Private,226081, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,414448, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +<=50K,34, Local-gov,79190, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,39, Private,34996, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,318415, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, ?,214800, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,35, Private,148334, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,41, Self-emp-inc,160120, Doctorate,16, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,62, Self-emp-not-inc,285692, Masters,14, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,461725, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,104329, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,37284, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,154374, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,209650, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,18, Private,227529, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,249382, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,305781, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,147989, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,57, Private,207604, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,367260, Doctorate,16, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,147523, 9th,5, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,52, Self-emp-not-inc,193116, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, Mexico +<=50K,18, Private,50119, 10th,6, Never-married, Other-service, Not-in-family, Black, Male,0,0,20, United-States +<=50K,52, Private,262579, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,42, Private,244910, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,48, Private,120902, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,217241, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,65098, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,17, Private,364491, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,22, United-States +<=50K,47, Private,209739, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,72338, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,26, United-States +<=50K,48, Private,215895, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,32289, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,209464, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Private,98170, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,1086,0,20, United-States +<=50K,40, Private,271665, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,124111, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,50, United-States +<=50K,82, Self-emp-not-inc,121944, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,121424, Bachelors,13, Separated, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, State-gov,33795, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,47, Private,150429, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,57, Private,124771, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,21, Private,204160, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,13, United-States +<=50K,52, Private,243616, 5th-6th,3, Separated, Craft-repair, Unmarried, Black, Female,4101,0,40, United-States +<=50K,45, Private,168556, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,186224, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,69, Self-emp-not-inc,187332, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,45, United-States +<=50K,30, Private,113433, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,268598, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +>50K,60, Self-emp-inc,137733, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,44, United-States +<=50K,55, Private,210318, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,46, Private,106662, Bachelors,13, Separated, Sales, Not-in-family, White, Male,99999,0,55, United-States +<=50K,21, Private,162667, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Ecuador +<=50K,25, Private,187577, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,89495, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,1797,0,4, United-States +>50K,41, Local-gov,247082, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,157059, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,282643, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,68, Self-emp-not-inc,69249, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, United-States +<=50K,36, Private,131766, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,3325,0,40, United-States +<=50K,20, Private,163665, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,165097, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Male,0,2001,40, United-States +>50K,35, Private,194668, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +<=50K,27, Private,116372, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,113635, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,162994, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,40, Private,266803, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, Canada +<=50K,20, Private,230482, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,299831, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,172830, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,144084, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,55, United-States +<=50K,30, Local-gov,295737, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,207685, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,39, United-States +>50K,55, Private,161423, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,53, Self-emp-not-inc,122109, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,70, United-States +>50K,45, Private,215892, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,2824,50, United-States +<=50K,45, Private,176517, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,40, Self-emp-not-inc,220821, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,73, Local-gov,249043, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, Cuba +<=50K,18, Private,58949, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,33, Private,158438, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,154950, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,38, Private,200445, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,65, ?,224357, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,2290,0,4, United-States +>50K,31, Federal-gov,103651, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,316524, Bachelors,13, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +>50K,51, Self-emp-inc,200046, Bachelors,13, Separated, Sales, Unmarried, White, Male,0,2824,40, United-States +>50K,32, Private,193285, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,146015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,195096, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,221078, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Local-gov,186375, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,44983, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,71, Private,29770, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,63, State-gov,266565, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,27, United-States +<=50K,45, State-gov,235431, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,57, ?,153788, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,99999,0,45, United-States +<=50K,47, Private,280030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,50, Self-emp-not-inc,158352, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,25, Local-gov,109972, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,278940, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,174395, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,141592, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Private,295525, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,121321, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,198955, 9th,5, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,46, United-States +<=50K,27, ?,105189, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Germany +<=50K,38, Private,186191, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,17, Private,208967, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +>50K,47, Private,159399, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,21, ?,169600, Some-college,10, Married-spouse-absent, ?, Own-child, White, Female,0,0,35, United-States +<=50K,25, Private,262656, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,284629, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,39, Private,182189, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,65, United-States +>50K,47, Federal-gov,38819, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,191873, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,125082, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,68, Private,67791, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,34, State-gov,334744, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,35, Private,198841, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,218490, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,188386, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,95661, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,45, Germany +<=50K,55, Self-emp-not-inc,79011, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,70, United-States +<=50K,72, Self-emp-not-inc,103368, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,21, United-States +<=50K,32, Private,119176, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,44, United-States +<=50K,28, Private,90928, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Self-emp-inc,218009, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,44, Self-emp-not-inc,460259, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,35, Local-gov,405284, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +>50K,48, Self-emp-not-inc,26502, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,157569, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +<=50K,32, Private,252168, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,35, United-States +<=50K,26, Federal-gov,269353, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,55, United-States +<=50K,56, Self-emp-not-inc,52822, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +>50K,71, ?,365996, HS-grad,9, Widowed, ?, Unmarried, White, Female,6612,0,42, United-States +<=50K,24, State-gov,147548, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,42, Local-gov,216411, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, Puerto-Rico +>50K,37, State-gov,122493, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,57, Private,41680, Some-college,10, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Local-gov,100818, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,7443,0,45, United-States +<=50K,39, Private,30056, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Self-emp-inc,83141, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,178768, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,68, Self-emp-not-inc,376957, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,6, United-States +<=50K,33, Private,194740, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,160728, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,62, ?,198170, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,20, Private,200967, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,42, State-gov,116493, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,64, ?,117349, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +>50K,42, Private,188615, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,2231,50, Canada +<=50K,47, Private,849067, 12th,8, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,193459, Assoc-acdm,12, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,51, State-gov,177487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,151971, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +>50K,32, Self-emp-inc,169152, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,10520,0,80, Greece +<=50K,59, Private,108929, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,290861, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,168826, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,45, Private,216414, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,38, Private,324053, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, State-gov,197399, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,138069, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,184553, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,328734, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,29, Private,336167, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,30, United-States +<=50K,34, Private,195748, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,53, Private,590941, Doctorate,16, Never-married, Prof-specialty, Unmarried, White, Female,0,1408,40, United-States +>50K,43, Private,211580, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, ?,73117, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,45, Private,166863, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,141350, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Private,133937, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,55, United-States +<=50K,44, Private,282192, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,32, Private,237582, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,29, Private,262758, Assoc-acdm,12, Never-married, Other-service, Unmarried, Black, Male,0,625,60, United-States +>50K,48, Self-emp-inc,188694, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,104196, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,172232, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,103432, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Private,183544, 9th,5, Widowed, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,41, Private,276289, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,60, ? +<=50K,58, Private,111209, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,176862, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,201229, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,8, United-States +<=50K,42, Private,186689, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,60, United-States +>50K,31, Private,177675, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, Federal-gov,337505, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,53, Private,156148, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,209642, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,55, United-States +<=50K,62, Private,159474, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,75073, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,121362, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,21, Private,321369, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, ?,49665, HS-grad,9, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,45, United-States +>50K,44, Private,219155, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,48, Private,329144, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,40, Local-gov,161475, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,75, United-States +<=50K,70, Self-emp-inc,99554, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,277488, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,286352, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,26, Private,109457, 10th,6, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,48, United-States +>50K,33, Private,236304, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,60, United-States +>50K,35, Private,399601, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,42, State-gov,396758, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,37, Private,21798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, ?,278130, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,192173, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,43546, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,48, United-States +<=50K,20, Private,87546, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,69, Private,135891, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,32, Private,312923, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,33432, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,8, United-States +<=50K,25, Private,270379, HS-grad,9, Never-married, Tech-support, Other-relative, Black, Female,0,0,35, United-States +<=50K,17, Private,134829, 11th,7, Never-married, Other-service, Own-child, White, Male,2176,0,20, United-States +>50K,40, Federal-gov,155106, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,19, ?,145989, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +>50K,50, Local-gov,270221, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,43, United-States +<=50K,24, Private,123226, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,154641, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,73, Private,145570, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,54, Private,229983, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,68, Self-emp-not-inc,140892, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,45, Local-gov,278303, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,66, Private,127139, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,360689, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,19513, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,56, Private,50490, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,50, Self-emp-not-inc,34067, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Private,359808, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,105422, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,49, Private,28171, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,4787,0,40, United-States +<=50K,59, State-gov,49230, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,165107, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,112706, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,39, United-States +<=50K,56, Private,28297, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,104748, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,129137, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,1055,0,35, United-States +>50K,30, Private,298871, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1887,45, Iran +<=50K,30, Local-gov,229716, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Self-emp-inc,113752, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,198739, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,277256, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,114937, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,206206, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,197861, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +<=50K,19, Private,38925, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,34309, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,219122, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, Italy +<=50K,41, Self-emp-not-inc,51494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,173422, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,116773, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, ? +<=50K,33, Private,252340, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,213799, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,32, Local-gov,110100, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,146325, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,383352, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,33, Private,369258, Bachelors,13, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,40, Mexico +>50K,49, Private,239865, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,200783, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,40, Private,243580, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,36, Private,132563, Prof-school,15, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +>50K,41, Self-emp-not-inc,390369, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,25, Private,403788, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,36, United-States +<=50K,26, State-gov,68346, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, ? +<=50K,59, Private,136413, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,56, Federal-gov,208791, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,21, Private,572285, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,45, Private,90992, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,18, Private,156056, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,20, Private,194102, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Male,0,0,12, United-States +<=50K,42, Private,149102, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,41, Private,40151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,356934, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,45, United-States +<=50K,28, Federal-gov,72514, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,72, United-States +<=50K,47, Local-gov,174126, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,324386, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,159544, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,34, Private,114691, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,49, Private,222829, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,63, Private,298699, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,216845, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, Mexico +<=50K,44, Private,321824, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +>50K,56, Private,97541, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,30, Private,329425, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,148287, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Local-gov,251346, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, Puerto-Rico +>50K,30, Private,143766, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,49647, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,50, Private,233363, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Local-gov,180427, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,30111, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,360527, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,135803, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,60, Federal-gov,608441, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,42, Local-gov,720428, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,269784, 10th,6, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,423311, HS-grad,9, Married-AF-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,343591, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,29, Private,37088, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,154430, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Private,113588, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,1741,30, United-States +<=50K,46, Private,190072, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,272132, Prof-school,15, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,65, ? +>50K,44, Federal-gov,32000, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-inc,164190, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,2258,45, United-States +<=50K,17, Private,233781, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,18, United-States +<=50K,23, Private,401762, 11th,7, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,169186, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,164309, 11th,7, Separated, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,170800, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,37, United-States +<=50K,32, Private,37232, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,373403, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,192014, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,48, Self-emp-not-inc,172034, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,36, Local-gov,322770, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1887,40, Jamaica +>50K,39, Private,269168, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,34, Private,302570, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, United-States +<=50K,35, Private,103710, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,113364, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,33, Private,121966, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,35, Private,416745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,30, Local-gov,154548, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,65, United-States +<=50K,45, Private,188794, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,156266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,61, ?,270599, 1st-4th,2, Widowed, ?, Not-in-family, White, Female,0,0,18, Mexico +<=50K,36, Private,19914, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,31, Private,246439, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,45, United-States +>50K,38, Private,101833, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,177695, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,23, Private,167868, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +<=50K,22, Private,82561, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,31848, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,45, ?,117310, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,355918, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,38, Private,49115, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,102875, 11th,7, Married-civ-spouse, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,67, ?,194456, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,52, Self-emp-not-inc,284648, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,99, United-States +>50K,52, Self-emp-not-inc,73134, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Private,172600, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,10520,0,50, United-States +>50K,61, ?,244856, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,4386,0,40, United-States +<=50K,25, Private,184303, 7th-8th,4, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, Guatemala +<=50K,25, State-gov,154610, Bachelors,13, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0,1719,15, United-States +<=50K,33, Private,260560, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,360770, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Dominican-Republic +<=50K,24, Private,315877, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,58, Private,128258, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,33, Private,179336, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,168165, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,109015, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,1876,40, United-States +<=50K,22, Private,89154, 1st-4th,2, Never-married, Other-service, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,30, ?,260954, 7th-8th,4, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,85399, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,240841, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,20, Private,119742, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,24, Private,30656, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +>50K,30, Local-gov,263561, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,108838, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,259351, HS-grad,9, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,42, Private,159449, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,195322, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,38, Self-emp-not-inc,179481, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, State-gov,195388, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,123429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,36, Federal-gov,116580, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,21, Private,270043, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,25, United-States +<=50K,49, Self-emp-not-inc,232586, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,52, Private,164519, HS-grad,9, Widowed, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +>50K,33, Self-emp-not-inc,141118, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,27, Private,177955, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, Mexico +>50K,45, Local-gov,149337, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +<=50K,45, Private,68896, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, ? +<=50K,27, Private,22422, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,215453, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,43, Mexico +<=50K,30, Local-gov,170772, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,36011, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2057,45, United-States +>50K,35, Private,133839, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,48, Federal-gov,50567, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,203233, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,99, United-States +>50K,46, Private,187510, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Federal-gov,290625, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,41, United-States +>50K,39, Private,127573, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,27, Private,50316, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,169473, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,25894, Doctorate,16, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +>50K,44, Private,106900, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Private,157473, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,48, United-States +>50K,31, Private,122612, Masters,14, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,25, Japan +<=50K,17, Private,132187, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,25, ?,52151, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,31, Private,212705, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,38, Private,436361, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,20, United-States +<=50K,38, Private,184456, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, Greece +<=50K,69, Local-gov,142297, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,17, United-States +>50K,60, Federal-gov,54701, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,34, Private,245211, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +>50K,50, Private,98975, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +<=50K,31, Private,463601, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +>50K,26, Private,297991, Bachelors,13, Married-civ-spouse, Sales, Not-in-family, Asian-Pac-Islander, Female,0,1977,75, Cambodia +>50K,36, Private,196554, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,23, Private,113511, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,17, Private,152710, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,147171, Some-college,10, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Trinadad&Tobago +<=50K,54, Private,52724, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,177482, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,58, Private,219537, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,350106, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,34, United-States +<=50K,30, Private,197947, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,21, Private,253583, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,26, Private,58751, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,29, Private,206889, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,151399, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,40, Local-gov,50563, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,55, United-States +<=50K,31, Private,63861, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,34, United-States +>50K,47, Private,165517, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,59, ?,43103, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,123983, Some-college,10, Never-married, ?, Own-child, Other, Male,0,0,20, United-States +<=50K,45, Self-emp-not-inc,32172, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,30, Private,192644, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Self-emp-inc,230919, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,68, Private,115772, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Scotland +<=50K,66, Self-emp-not-inc,51687, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,191803, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,170721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,132053, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,170842, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,22, ?,51973, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,21, ?,72621, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +<=50K,20, State-gov,205895, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,53, Self-emp-inc,99185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, Greece +>50K,30, Private,149726, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +>50K,38, Private,372525, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,21, Private,165107, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,47, Local-gov,273767, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,61, Private,227266, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Federal-gov,89334, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,199202, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,326587, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,144351, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,56, Federal-gov,119254, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,193881, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,77, Private,271000, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, ?,74685, 10th,6, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,123291, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Local-gov,557359, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,197403, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,184245, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Columbia +<=50K,21, Private,92898, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,105788, 5th-6th,3, Separated, Other-service, Unmarried, Black, Female,0,0,40, Scotland +<=50K,22, ?,205940, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,45, Private,212120, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,35, Private,351772, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +>50K,33, Private,309582, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,7298,0,50, United-States +<=50K,28, Private,244650, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,1602,25, United-States +>50K,58, Self-emp-not-inc,290670, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,64, Self-emp-not-inc,167877, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,454024, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,28, Private,125531, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,22, Private,220603, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,59, Private,180645, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,98725, 10th,6, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,60, United-States +<=50K,46, Private,431515, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,122612, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, South +<=50K,23, Federal-gov,190290, HS-grad,9, Never-married, Armed-Forces, Own-child, White, Male,0,0,40, United-States +>50K,76, Private,174839, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386,0,25, United-States +>50K,46, Federal-gov,83610, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,273534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,26, Private,383885, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,50, United-States +<=50K,19, Private,188618, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +<=50K,35, Private,95653, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +<=50K,61, Private,204908, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,36, United-States +<=50K,41, Private,221172, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,97723, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,32, Private,200401, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Columbia +>50K,41, State-gov,205153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,170174, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,58, Federal-gov,26947, Bachelors,13, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,17, ?,154938, 11th,7, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,62, Private,125832, 9th,5, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Self-emp-not-inc,150361, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Local-gov,113183, Masters,14, Divorced, Prof-specialty, Not-in-family, Other, Female,0,0,40, United-States +<=50K,23, Private,39551, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,18, ?,62854, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,61, ?,31285, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,199217, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,47, Local-gov,40690, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,315671, 7th-8th,4, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,180339, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,119545, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,23, Private,195508, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,31, Private,364657, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,49, Federal-gov,168598, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,33, Private,178683, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,27, Private,123116, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2057,49, United-States +<=50K,33, Private,251117, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,35, Local-gov,42893, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,5721,0,40, United-States +<=50K,19, Private,386492, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,31, Private,249869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,116219, Some-college,10, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,168981, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,67, ?,137894, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,16, United-States +<=50K,19, State-gov,139091, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,25, Private,219199, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,191455, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +>50K,39, Private,325374, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,77, ?,180425, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,43, Private,149871, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,342730, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,252392, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,60, Private,193864, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Self-emp-inc,139364, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,35, United-States +<=50K,20, Private,253612, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,34, Private,287168, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,17, Private,364952, 10th,6, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,45, Private,82797, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,100135, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Local-gov,287831, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,55, United-States +<=50K,41, Self-emp-not-inc,140108, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,30, United-States +<=50K,19, Private,180917, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,29036, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,221581, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Local-gov,382882, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,237091, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,20, Columbia +<=50K,19, Private,134252, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,29, Private,269354, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,226922, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,2907,0,43, United-States +<=50K,37, Self-emp-not-inc,191841, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,48, United-States +>50K,28, Private,37805, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,590522, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,45, United-States +<=50K,51, Private,202752, 12th,8, Separated, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, ?,304872, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,228075, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,163831, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,32326, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,40, Private,179809, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,76878, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,44, Federal-gov,210492, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,56, Private,105582, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,160369, Some-college,10, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0,0,2, United-States +<=50K,27, Private,364986, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,56, ?,169278, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, Local-gov,76081, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,27, State-gov,234135, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Self-emp-inc,187693, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,32, Private,188362, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,235271, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,86, United-States +<=50K,34, Private,51854, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,103772, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Federal-gov,300670, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, Private,175990, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,43, Private,173590, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, State-gov,156866, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0,0,40, United-States +<=50K,56, Private,71388, 9th,5, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Private,228659, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,55, Self-emp-not-inc,110844, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,52, Private,149908, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,25236,0,44, United-States +<=50K,28, Private,93021, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, Other, Female,0,0,40, ? +<=50K,19, Local-gov,273187, HS-grad,9, Never-married, Protective-serv, Own-child, White, Female,0,0,36, United-States +<=50K,19, Private,62419, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,218957, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,24, ? +<=50K,48, Private,182715, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,157103, Assoc-voc,11, Never-married, Tech-support, Own-child, Black, Male,0,1974,40, United-States +<=50K,54, Private,133963, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,26, Private,151724, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,58, Private,196502, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,37, Self-emp-inc,199816, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,413365, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,65, Private,195568, Some-college,10, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Private,186245, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,33, Private,279231, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +>50K,55, Federal-gov,171870, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,32, Private,127651, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,56, Self-emp-not-inc,289605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,130856, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, State-gov,49539, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,39, Self-emp-not-inc,263081, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +<=50K,56, Local-gov,205759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,358655, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,51, Private,186299, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +>50K,47, Private,289517, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,105686, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,58, Local-gov,81132, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,80, Philippines +<=50K,25, Private,68302, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,443546, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,195891, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,35, Private,99462, HS-grad,9, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,36, Private,224541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,262502, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,1844,24, United-States +<=50K,41, Private,118921, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,60, United-States +>50K,46, Private,155489, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-not-inc,248919, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,35, United-States +>50K,47, Private,139268, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,27828,0,38, United-States +<=50K,43, Self-emp-not-inc,245056, Preschool,1, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Haiti +>50K,39, Private,433592, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +>50K,29, Private,336624, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +>50K,47, Private,177858, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,27828,0,60, United-States +<=50K,37, Private,207066, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,56750, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,67, Private,110331, 9th,5, Divorced, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +>50K,40, Private,84801, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,53, Local-gov,175897, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,369027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,37, United-States +<=50K,56, Private,170411, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,4101,0,38, United-States +<=50K,47, Private,171751, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,61518, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,31, Private,214235, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,42, ?,56483, Some-college,10, Married-AF-spouse, ?, Wife, White, Female,0,0,14, United-States +<=50K,44, Private,154993, Some-college,10, Separated, Craft-repair, Unmarried, White, Female,0,0,55, United-States +>50K,33, Private,160594, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,22, Private,258298, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,52, Private,192666, 12th,8, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,33, Private,156602, Bachelors,13, Never-married, Sales, Own-child, White, Male,3325,0,43, United-States +<=50K,31, Private,122116, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Local-gov,73433, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,2467,40, Canada +<=50K,50, Private,99185, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,203828, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,58, Local-gov,101480, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,134815, 9th,5, Never-married, Craft-repair, Unmarried, White, Male,0,625,40, United-States +<=50K,36, State-gov,235195, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,26, Private,93169, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,58, Local-gov,36091, Masters,14, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,57, Private,124318, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +>50K,46, Self-emp-inc,188861, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,1564,50, United-States +<=50K,29, Private,194402, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,42, ? +>50K,42, Self-emp-not-inc,54651, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +>50K,34, Private,169496, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,34366, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, State-gov,213076, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,161132, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,46, Private,479406, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1672,40, United-States +<=50K,39, Private,115618, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Self-emp-inc,158033, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +>50K,43, Private,108682, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,430195, 11th,7, Separated, Other-service, Unmarried, Black, Male,0,0,40, United-States +>50K,46, Local-gov,138107, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,27, Private,215014, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,183279, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,68, Self-emp-not-inc,119056, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,24, United-States +<=50K,52, Private,158583, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,26, Private,242464, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,35204, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,52, Private,233149, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,54, Private,182855, 7th-8th,4, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,189346, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,39, Private,82726, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,38, Private,179481, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,167428, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,22, Private,182117, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,162970, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,39, Private,421633, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, State-gov,231931, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,132749, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,254351, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, State-gov,152109, Assoc-voc,11, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,100479, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Local-gov,222405, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,117028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,91163, HS-grad,9, Separated, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,36, Private,150104, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,39, Private,114605, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,348152, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,174463, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,47, Private,180243, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,31, Private,238816, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,275848, 12th,8, Never-married, Sales, Other-relative, White, Female,0,0,16, United-States +<=50K,51, Private,114520, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,16, United-States +<=50K,34, State-gov,275880, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,38, United-States +<=50K,39, Private,188148, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,48, United-States +>50K,42, Private,112494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,35, United-States +<=50K,17, ?,159771, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,6, England +<=50K,27, Private,278736, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,20, ?,354351, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,33, Private,252257, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,62, ?,128230, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,321456, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,200825, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,86143, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,20, Philippines +>50K,40, State-gov,353687, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,43, Local-gov,212847, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Private,154589, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,35, United-States +<=50K,42, Private,183765, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,186672, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,50, Private,249096, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,190784, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,45, United-States +<=50K,25, Private,144516, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,124993, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,24, Private,111376, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,300838, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,28, Private,359049, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,1092,60, United-States +<=50K,36, ?,100669, HS-grad,9, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,25, United-States +>50K,46, Self-emp-not-inc,366089, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,110998, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,23, Private,60409, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,129263, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,48, Private,219967, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,171540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,61708, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,294760, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,209280, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,31, United-States +>50K,31, Private,208881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,191535, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,7, United-States +>50K,31, Private,143851, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,161599, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, ? +<=50K,20, Self-emp-not-inc,428299, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,199366, 10th,6, Married-spouse-absent, Craft-repair, Own-child, White, Male,0,0,16, United-States +<=50K,34, Local-gov,484911, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,37, Private,390243, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,45, United-States +<=50K,55, Self-emp-not-inc,204502, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,32, Self-emp-not-inc,114419, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,79436, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,54, Private,141272, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,62, Local-gov,123749, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,101173, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +>50K,49, Private,39518, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,250038, 9th,5, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,59, Self-emp-inc,165695, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,48, Local-gov,225594, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,21, State-gov,51979, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +>50K,31, Private,177675, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,199739, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,27408, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,110169, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,3, United-States +<=50K,39, Self-emp-not-inc,179488, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,118551, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,71, Self-emp-not-inc,157845, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,37, Self-emp-not-inc,68899, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,58535, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,191503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,34, Private,113364, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,34, Self-emp-not-inc,204742, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,62, United-States +<=50K,21, Private,163870, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, ? +>50K,53, Private,208122, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,60, United-States +>50K,46, Local-gov,174361, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,265077, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,1055,0,10, United-States +<=50K,50, Private,241648, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,94145, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,32, Private,178449, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,236804, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Self-emp-not-inc,187830, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,35, United-States +<=50K,41, Private,66208, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,42, Private,219155, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,38, Private,99146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,142889, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,44, United-States +<=50K,56, Private,136164, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,154410, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,113293, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,195096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,172641, 7th-8th,4, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,265072, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,2258,50, United-States +<=50K,22, Private,305874, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,51, Private,312446, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,21, Private,391312, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,32, Private,234976, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,19, Private,199495, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,98561, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Male,0,0,39, United-States +>50K,43, Private,176452, 9th,5, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, ? +<=50K,17, Private,188996, 9th,5, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,46, State-gov,171926, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,7430,0,50, United-States +>50K,45, Local-gov,310260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,72257, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,86643, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,115815, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,53, Private,227475, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,324550, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,37, Private,138105, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,146189, 11th,7, Never-married, Sales, Unmarried, Amer-Indian-Eskimo, Male,0,0,43, United-States +<=50K,25, Private,478836, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,513440, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,151806, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,363253, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +<=50K,54, Self-emp-inc,263925, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,57617, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,32, Private,208761, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Private,169092, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, ? +>50K,34, Private,173854, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,60, United-States +<=50K,46, Local-gov,116906, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,2258,35, United-States +<=50K,43, Private,163769, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,32, Federal-gov,72630, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,14084,0,55, United-States +<=50K,58, ?,141409, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,24968, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,118514, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,116834, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,42, Self-emp-not-inc,99185, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,121769, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,160271, 7th-8th,4, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,123429, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,744929, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,143604, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,36, Private,284582, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,38, ?,229363, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +>50K,53, Private,161482, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Self-emp-not-inc,107452, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,534775, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,50, United-States +<=50K,51, Private,183200, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +>50K,42, Private,169980, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, United-States +<=50K,22, Private,299047, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,53, Private,92475, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,51, Private,114758, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,65, Self-emp-not-inc,55894, Prof-school,15, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,98466, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,39, Private,170174, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,14344,0,40, United-States +<=50K,54, Private,335177, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, ? +<=50K,24, Private,511231, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Local-gov,257849, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,208751, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,383566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, England +<=50K,47, ?,214605, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,243664, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,41, Private,176716, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,38, Private,366618, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,83748, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,70, South +<=50K,64, Private,278585, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,106942, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,22, Private,372898, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,48, Private,183610, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,106061, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,58, State-gov,138130, HS-grad,9, Never-married, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,48, Private,43479, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,40, United-States +<=50K,49, Private,118520, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, Federal-gov,207284, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,598995, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,3103,0,40, United-States +<=50K,50, State-gov,141608, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,31, Private,230912, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,31, Private,309170, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,27459, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,266674, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,56, United-States +<=50K,52, Private,93127, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +>50K,43, Self-emp-inc,27444, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,30, Private,131415, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,54, Private,105428, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +>50K,36, Private,139364, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,10520,0,40, Ireland +>50K,43, Private,236936, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,47, United-States +<=50K,35, Private,109204, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,456592, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,37, United-States +<=50K,34, Self-emp-not-inc,173201, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, Cuba +<=50K,19, ?,183408, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,111721, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,39, Private,268258, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688,0,50, United-States +<=50K,59, Private,128258, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,46, Self-emp-not-inc,525848, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,48, United-States +<=50K,39, Private,124090, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,249043, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,6767,0,40, United-States +<=50K,38, Private,119098, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,42, United-States +<=50K,70, ?,30772, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,49414, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,30, Private,197886, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,39, Without-pay,334291, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,171156, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,78, ?,109498, 9th,5, Widowed, ?, Unmarried, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,83411, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +>50K,47, Local-gov,209968, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,20, Private,223921, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,52, Local-gov,133403, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,75763, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,34, Private,200401, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,25, Columbia +<=50K,45, Private,55272, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,194970, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,143385, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,30, Private,180317, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,255176, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,37, Local-gov,175120, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,38, Self-emp-inc,66687, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, Portugal +>50K,27, Federal-gov,115705, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,17, ?,197732, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, England +<=50K,32, Private,111883, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,210474, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,123472, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,257621, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,341943, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,57, Private,181242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,187164, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,308365, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,38, United-States +>50K,53, Self-emp-not-inc,263439, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,23, Private,442359, HS-grad,9, Never-married, Sales, Own-child, White, Female,8614,0,15, United-States +<=50K,54, Self-emp-not-inc,166368, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,21, Private,116968, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,2597,0,40, United-States +<=50K,26, Private,57593, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,247507, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,38, Private,213512, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,71691, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,28, ?,147719, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,48, India +>50K,40, Private,244835, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,21, ?,285830, HS-grad,9, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,20, Laos +<=50K,37, Private,386461, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,45, Mexico +>50K,41, Private,154714, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,281401, 5th-6th,3, Divorced, Sales, Other-relative, White, Female,0,0,32, Mexico +<=50K,35, Private,189251, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Iran +<=50K,39, State-gov,102729, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Private,327766, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, United-States +<=50K,29, Private,168479, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,249352, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,300008, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,32, Private,296466, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,47, Private,199277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, Portugal +<=50K,36, Private,174242, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,63, Private,130968, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,288440, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,208358, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,458168, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,37894, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,107410, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,96844, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,402016, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,52, United-States +<=50K,60, Private,258869, Doctorate,16, Separated, Priv-house-serv, Unmarried, White, Female,0,0,30, Nicaragua +<=50K,35, Private,114087, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013,0,40, United-States +>50K,33, Private,116294, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,241523, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,163053, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, Never-worked,162908, 11th,7, Never-married, ?, Own-child, White, Male,0,0,35, United-States +>50K,45, State-gov,310049, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,37, Private,293475, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Local-gov,169015, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,325762, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,37, Self-emp-not-inc,101561, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, State-gov,52131, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,163867, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,204663, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,3325,0,40, United-States +<=50K,18, ?,233136, 11th,7, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,61, Self-emp-not-inc,48846, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,264351, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, Ecuador +<=50K,41, Private,190205, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,254450, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,29974, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,10520,0,45, United-States +>50K,53, Federal-gov,40641, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,73, Self-emp-not-inc,256401, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,28, United-States +<=50K,25, Private,203833, 10th,6, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,35, Haiti +<=50K,30, Private,277455, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,176335, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,394690, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,71996, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,52, United-States +<=50K,73, Self-emp-not-inc,110787, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,1409,0,2, United-States +<=50K,37, State-gov,157641, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,30, United-States +<=50K,72, Private,164724, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,28, United-States +<=50K,30, Self-emp-not-inc,173792, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,163595, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,132412, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, ? +<=50K,22, Private,193089, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +>50K,28, Private,190525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,175878, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,161902, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,35, Private,211494, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, ? +<=50K,42, Private,89003, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,344200, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,62345, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,35, Private,85799, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, ?,26754, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,10, China +<=50K,26, Private,193347, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,45, Self-emp-not-inc,176814, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,3411,0,40, United-States +<=50K,27, Private,336162, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,39, Private,98975, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,8614,0,50, United-States +<=50K,71, Private,150943, Bachelors,13, Widowed, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,22, Local-gov,131573, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,25, United-States +<=50K,51, Private,138852, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,35406, Assoc-voc,11, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Private,167159, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,80680, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,64, United-States +<=50K,55, Self-emp-inc,87584, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,10, United-States +<=50K,33, Private,56121, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,35, Private,284358, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,224969, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,209034, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, ?,177733, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, Private,57366, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,35633, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,191177, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,75, Private,199826, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,54, Self-emp-not-inc,94323, 9th,5, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0,2163,15, United-States +>50K,60, ?,380268, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,272752, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,34, Private,228386, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,70, United-States +<=50K,20, Private,187149, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Local-gov,335439, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,24, Private,250630, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,45, Local-gov,272182, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,5013,0,40, United-States +>50K,29, Private,108574, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,47, State-gov,185400, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,406641, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,103634, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,35, United-States +>50K,46, Private,261059, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,199374, Masters,14, Widowed, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,41, Private,405172, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, ? +>50K,32, Private,147654, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,51, Private,129301, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,173789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,212588, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,457453, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,65, Private,187493, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,40, Germany +<=50K,57, Self-emp-not-inc,20953, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,2129,70, United-States +<=50K,40, Private,131650, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,290754, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, ? +>50K,46, State-gov,114396, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,202102, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,318360, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,39, Private,160916, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,32, ?,913447, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,293931, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,20, Private,230824, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,20, ?,358355, 12th,8, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,62, Private,584259, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,44, ?,208726, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,38, Private,185556, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,58, Local-gov,100054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,172307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,45, Private,30840, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,50, United-States +<=50K,27, Private,147839, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,38, United-States +<=50K,51, Private,54465, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +>50K,52, Federal-gov,418640, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, Haiti +<=50K,34, Private,222130, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,187336, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,321024, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,44, Private,351262, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,38, United-States +<=50K,28, Private,181597, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,41, Private,694105, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,241013, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,44, Self-emp-inc,223881, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,40, Federal-gov,158796, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Philippines +<=50K,41, Private,248476, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,191277, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,30, Thailand +<=50K,26, Private,273876, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Private,402848, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,32, United-States +<=50K,62, Private,82906, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,4064,0,35, England +>50K,45, Private,153682, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,52, Private,122412, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,35, United-States +<=50K,26, Private,216819, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,189680, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,147099, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,288158, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,32, Private,146161, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,104454, Bachelors,13, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,91475, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,151868, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013,0,65, United-States +<=50K,19, Private,118306, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,51543, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,69727, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,60, Private,186000, 10th,6, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,48280, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,186935, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,24, Federal-gov,104164, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,38, Private,339677, Masters,14, Divorced, Tech-support, Unmarried, White, Female,0,0,40, ? +>50K,37, Private,123586, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1902,73, ? +<=50K,19, Private,150073, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,24, Private,59792, Masters,14, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,24185, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,84, United-States +<=50K,87, ?,97295, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,3, United-States +<=50K,27, Without-pay,35034, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,118714, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,33, Private,230883, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,2824,48, United-States +<=50K,45, Private,149224, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,50, United-States +<=50K,35, Private,122493, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,441227, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +>50K,45, Local-gov,272792, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,50, United-States +<=50K,41, Private,303521, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,45, United-States +<=50K,40, Private,226027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,94565, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,336848, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,162688, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,30, State-gov,45737, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,147393, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,52, Private,335997, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,38, United-States +<=50K,26, Private,96645, Doctorate,16, Never-married, Craft-repair, Other-relative, Black, Male,0,0,20, United-States +<=50K,35, State-gov,43712, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,101825, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,5721,0,45, United-States +>50K,45, Private,102318, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,40, State-gov,132125, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,229741, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,45, United-States +>50K,60, State-gov,265201, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, ?,332884, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,179481, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,304833, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,341632, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,46, United-States +<=50K,21, Private,140001, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,159123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,229636, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,35, Private,34996, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,53, Self-emp-not-inc,67198, 7th-8th,4, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,80, United-States +>50K,65, Self-emp-inc,323636, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,10605,0,40, United-States +>50K,45, Private,182689, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,25, Private,51392, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,177905, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,143152, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,37, State-gov,211286, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,217962, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, ? +<=50K,48, Private,309212, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Germany +<=50K,19, ?,97261, Some-college,10, Never-married, ?, Own-child, White, Male,594,0,30, United-States +>50K,46, Self-emp-not-inc,188273, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,50, United-States +<=50K,21, Private,93977, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,62, Self-emp-inc,163234, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +>50K,50, Local-gov,166423, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,239071, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,46, United-States +<=50K,40, Private,190292, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,170783, Assoc-voc,11, Divorced, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,239539, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,45, United-States +>50K,48, Private,164200, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,177647, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,47, United-States +<=50K,44, Self-emp-not-inc,86750, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508,0,72, United-States +<=50K,25, Private,176981, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,59, Federal-gov,134153, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298,0,38, United-States +<=50K,35, Private,245372, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,168236, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,448841, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,144778, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,50, United-States +<=50K,30, Private,155914, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,34, Federal-gov,117362, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Local-gov,82783, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,207301, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,606347, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,61, Local-gov,149981, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,234972, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,33, Private,437566, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Private,243266, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,31, Private,203408, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Self-emp-not-inc,297510, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,211683, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,167375, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,52, United-States +>50K,36, Private,297449, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,342634, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Cambodia +>50K,49, Private,38819, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,164571, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Local-gov,122353, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,68, United-States +<=50K,26, Self-emp-not-inc,192652, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,15, United-States +<=50K,25, Private,401241, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,4416,0,25, United-States +>50K,32, Private,116539, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,162834, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,226525, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +<=50K,18, Private,219404, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,48, Mexico +<=50K,38, Private,33394, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,56, Federal-gov,75804, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +>50K,58, Self-emp-not-inc,359972, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,37, Private,201247, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,220109, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,59, Private,118479, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,45, Private,189123, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,495366, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,31, Private,53776, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,375980, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Private,185152, 11th,7, Widowed, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,52, Local-gov,230095, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,349198, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,41, Private,59916, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,63, United-States +>50K,32, Private,214150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,255187, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, ?,129624, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,30, Private,274577, Assoc-acdm,12, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Private,257756, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,29, ?,1024535, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +>50K,75, Private,186808, 11th,7, Married-civ-spouse, Protective-serv, Husband, Black, Male,6418,0,50, United-States +<=50K,46, Private,147519, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,80, United-States +>50K,53, Private,173630, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,42, Private,136986, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,41, Private,163287, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,25, Private,150804, HS-grad,9, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,27, Private,189565, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,165484, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,53, Private,177727, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,53, Self-emp-inc,190762, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,246463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,42, Private,27661, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,30, Private,288419, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,57, Local-gov,258641, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,71, Self-emp-not-inc,200540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2392,52, United-States +<=50K,21, Private,305423, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,148906, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,64, Private,262645, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +>50K,41, Private,106698, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Female,13550,0,60, United-States +<=50K,22, Private,186365, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,304001, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,38, Self-emp-inc,125645, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,111468, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,3325,0,40, United-States +>50K,32, Private,136331, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,40, Private,213849, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,138994, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,29, Private,177562, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,3781,0,35, United-States +<=50K,18, Private,36251, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,100904, Some-college,10, Separated, Other-service, Unmarried, Other, Female,0,0,70, United-States +<=50K,31, Private,427474, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,2179,35, Mexico +<=50K,37, Private,280549, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,34, Private,75454, 12th,8, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,203488, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,49795, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,152710, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,28, Local-gov,199172, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,382583, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,127295, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Other, Male,0,0,20, Iran +>50K,46, Local-gov,274200, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,130540, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,1564,40, United-States +<=50K,22, Private,117789, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,83141, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,18, United-States +<=50K,20, ?,229826, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,36, Self-emp-inc,176837, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,45, United-States +<=50K,34, Private,234096, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,353317, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,302312, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,17, Private,181015, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +>50K,36, State-gov,230329, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,48, Private,164984, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,229051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,41, Private,204415, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,55, Self-emp-not-inc,319883, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,10, ? +<=50K,25, Private,185836, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,228516, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,47, Self-emp-not-inc,242519, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,164866, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,35, Private,33001, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,21, Private,811615, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,50, United-States +<=50K,43, Local-gov,300099, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,34, United-States +<=50K,46, State-gov,146305, Some-college,10, Divorced, Tech-support, Not-in-family, Other, Female,0,0,48, United-States +<=50K,36, Private,167482, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,65, United-States +<=50K,23, Private,106615, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,2176,0,25, United-States +<=50K,32, Private,204663, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,40, Private,171234, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,0,0,24, United-States +>50K,42, Private,167174, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, China +<=50K,18, ?,112137, Some-college,10, Never-married, ?, Own-child, Other, Female,0,0,20, ? +<=50K,18, Private,116167, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +>50K,41, Private,106159, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,14344,0,48, United-States +<=50K,52, State-gov,295826, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,1876,50, United-States +<=50K,26, Private,233461, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,53, Mexico +<=50K,57, Private,289605, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,1617,35, United-States +<=50K,18, ?,348533, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,3, United-States +>50K,31, Private,197886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,120126, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,35, Private,61343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Self-emp-not-inc,116197, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,236503, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, Federal-gov,47341, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,25, Private,248990, 11th,7, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,18, Private,190776, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,47, Local-gov,179048, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,213842, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,188274, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,86849, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,41, Self-emp-inc,67671, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Canada +<=50K,21, Private,243890, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,51, Private,279337, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,35, Private,333636, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, ? +>50K,58, State-gov,312351, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,175935, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,245297, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,49, State-gov,70209, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,14084,0,60, United-States +>50K,47, Local-gov,251588, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,176992, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, United-States +<=50K,51, State-gov,87205, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,43, Private,65545, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,46, United-States +<=50K,22, Private,289579, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,360689, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1628,48, United-States +<=50K,43, Private,57600, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,42, Local-gov,247082, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +<=50K,36, Local-gov,188798, 11th,7, Separated, Prof-specialty, Unmarried, Other, Female,0,0,30, United-States +<=50K,19, Private,232261, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,35507, Some-college,10, Never-married, ?, Own-child, White, Female,1055,0,40, United-States +<=50K,26, Private,301298, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,38, Private,27016, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,43, United-States +<=50K,60, Private,166789, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,1408,50, United-States +<=50K,23, Private,94071, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,117767, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,41, Private,219155, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Italy +<=50K,20, Private,34616, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,112341, Assoc-voc,11, Married-spouse-absent, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,220656, 11th,7, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,53, Private,239990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,139180, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,52, Private,215656, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +>50K,43, State-gov,157999, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,41763, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,299725, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,37, United-States +<=50K,32, Private,198813, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,431551, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, Mexico +<=50K,22, Private,195767, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,140649, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,295706, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,32, Private,324284, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,352426, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,60, Mexico +<=50K,39, Private,126569, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, ? +<=50K,81, Private,106390, 5th-6th,3, Widowed, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,6, United-States +<=50K,29, Private,134813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,65, Private,95644, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,254148, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,44, Private,367819, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,162370, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,55, Self-emp-not-inc,204387, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Federal-gov,248288, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,175070, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,75, United-States +<=50K,51, Local-gov,169182, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, Columbia +<=50K,38, Self-emp-not-inc,223242, Some-college,10, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,29, State-gov,461929, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,25, Self-emp-not-inc,114483, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,260543, Masters,14, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,40, China +<=50K,27, Private,237466, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,57, Private,335605, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,169122, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,28, United-States +>50K,49, Private,176907, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,264300, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,159187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,303090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,45, United-States +<=50K,33, Private,393702, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,177923, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,191265, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,215074, Some-college,10, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,30597, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,35, Self-emp-not-inc,28996, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,35, Private,188069, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,55, Private,53481, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,37, Private,410034, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Private,64544, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,46, Private,204379, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,37, United-States +<=50K,23, Private,255252, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,178037, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, Ireland +<=50K,26, Private,184303, 5th-6th,3, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0,0,8, El-Salvador +<=50K,20, Private,175800, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,88, Self-emp-not-inc,263569, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418,0,40, United-States +>50K,42, Private,234508, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,195372, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,48, Private,265295, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +>50K,40, Private,184846, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,40, United-States +<=50K,47, Private,185400, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +>50K,32, Private,360689, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,200598, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,38, Private,227615, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,308144, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,44, Private,259674, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178,0,60, United-States +<=50K,41, Private,182217, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,230997, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +<=50K,31, Private,393702, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +>50K,57, Self-emp-not-inc,130957, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,70, United-States +<=50K,20, Private,210444, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +>50K,36, ?,172775, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-inc,167914, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,50, United-States +>50K,71, Private,533660, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,205997, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,21, United-States +>50K,34, Private,253616, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,49, Private,148549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,54, Local-gov,113649, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,233322, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,325775, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,30, Private,94235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,47, Local-gov,336274, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,147510, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,48, Private,191389, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,174503, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,160968, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,122797, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,52263, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,249282, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,227332, Bachelors,13, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,37, Local-gov,289238, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,153790, Assoc-acdm,12, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Local-gov,101563, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,176240, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,56, Private,131608, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Ireland +<=50K,27, Private,198286, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,222204, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,3325,0,40, United-States +<=50K,47, Self-emp-not-inc,148169, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,347867, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,170413, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1741,40, United-States +<=50K,33, Private,133861, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,62, United-States +>50K,50, Federal-gov,289572, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,445382, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,42, Self-emp-not-inc,151809, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +>50K,49, Private,368355, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,43, Private,73333, Prof-school,15, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,32, United-States +>50K,41, Private,117585, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,50, United-States +<=50K,21, Private,107960, Some-college,10, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,20, China +<=50K,29, Private,196117, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,126569, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,60, United-States +<=50K,25, Private,216741, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,75, Private,254167, 10th,6, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,52, Private,102444, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,38848, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,55360, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,17, Private,140117, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,36, Self-emp-not-inc,66883, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,52, Self-emp-not-inc,154728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,184756, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,193047, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,231342, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,32, United-States +<=50K,27, Private,310483, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Federal-gov,174778, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,1980,40, United-States +<=50K,44, Federal-gov,130749, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +>50K,38, Private,22463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,29, Private,159473, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,63, Private,81605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, State-gov,68684, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,229799, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,45, ? +<=50K,17, Private,124661, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,39, Private,117381, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Private,53206, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +<=50K,52, Private,172962, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,243923, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,10, Mexico +<=50K,72, Private,132753, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,43, Private,67339, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,15, United-States +<=50K,71, Private,101577, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,1668,20, United-States +>50K,39, Private,101192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, State-gov,42901, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +>50K,43, Private,88787, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,306504, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, ?,183746, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,242965, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,52, Private,427475, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +>50K,60, Self-emp-inc,180512, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,97723, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,60, Private,208915, HS-grad,9, Widowed, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, Cambodia +<=50K,40, Local-gov,189189, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +>50K,49, Self-emp-inc,327258, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,60, China +<=50K,31, Private,254494, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,105577, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,26, United-States +<=50K,34, Private,215124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,192936, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,35, Private,274158, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,3103,0,40, United-States +<=50K,19, Private,318822, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,171889, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,68, United-States +<=50K,17, Private,94492, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,19, United-States +<=50K,17, Private,73820, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,38, Private,32989, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,197382, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,164526, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,153205, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,70, India +<=50K,40, Private,269168, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,43, Local-gov,126847, Masters,14, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,7430,0,60, United-States +<=50K,50, State-gov,211112, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,29, Private,100049, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,48, State-gov,104542, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,186479, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,225272, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,51, Private,346871, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,29, Private,142712, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,46221, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,4787,0,60, United-States +>50K,47, Private,349151, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,31, Private,111883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,46691, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,291789, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,50, United-States +<=50K,45, Private,201699, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1628,40, United-States +<=50K,24, Federal-gov,219262, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,160079, Masters,14, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,58, Private,193374, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Male,0,1719,40, United-States +<=50K,37, ?,111268, Assoc-voc,11, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,19, Private,410632, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,35, Local-gov,33943, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Other, Male,0,0,40, United-States +<=50K,44, Federal-gov,269792, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,43, United-States +<=50K,46, Private,153328, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,162859, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,258664, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,80, Private,22406, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,65624, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,43, Private,326232, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,363257, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,35, Private,51700, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,19678, Bachelors,13, Married-AF-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,60, Philippines +<=50K,21, Private,109199, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,26, State-gov,36741, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Private,347653, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,37514, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,48, Private,355781, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,46, Private,86709, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,44, Self-emp-not-inc,22933, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,83922, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +>50K,27, Federal-gov,182637, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +>50K,57, Private,80149, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, Germany +>50K,60, Self-emp-not-inc,231770, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,60, ?,116746, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,189759, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,40, Self-emp-inc,46221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,55, United-States +<=50K,58, State-gov,198145, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,35864, Bachelors,13, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0,0,60, United-States +>50K,44, Federal-gov,259307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,129007, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,41, United-States +<=50K,33, Private,169104, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,37, Private,198097, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,21, Local-gov,224640, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,17, ?,35603, 11th,7, Never-married, ?, Own-child, White, Female,0,0,16, United-States +<=50K,47, Self-emp-not-inc,85982, Masters,14, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +<=50K,39, Private,230467, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, Germany +<=50K,32, Self-emp-not-inc,168782, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,24, Private,142566, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Federal-gov,195337, HS-grad,9, Never-married, Adm-clerical, Unmarried, Other, Female,1506,0,45, United-States +<=50K,24, ?,99829, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,40, Private,133456, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,24, United-States +<=50K,28, Local-gov,133136, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,25, Private,211531, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,243867, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,45, United-States +>50K,47, Local-gov,284871, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,37, Federal-gov,188563, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,40, United-States +>50K,61, Private,173866, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,114939, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,259425, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,59159, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,189439, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,56, Private,157786, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,41, Self-emp-inc,289636, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +>50K,49, Self-emp-inc,154174, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,70857, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Private,183000, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,123104, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,254620, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,16, United-States +<=50K,33, Local-gov,156464, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,124987, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,41, Private,413720, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,15, United-States +<=50K,33, Private,169886, 12th,8, Separated, Other-service, Unmarried, White, Female,0,0,50, Dominican-Republic +<=50K,31, Private,228873, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,110622, Masters,14, Divorced, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, South +<=50K,31, ?,170513, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,99, United-States +<=50K,21, ?,221418, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,65, Private,151287, Masters,14, Separated, Exec-managerial, Not-in-family, Black, Male,0,0,20, United-States +<=50K,25, Private,235218, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,111567, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,251603, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,61, Private,136109, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,178610, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,22, Private,192289, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, Puerto-Rico +>50K,30, Private,49325, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,52, Private,229375, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,125791, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,75619, HS-grad,9, Divorced, Transport-moving, Other-relative, White, Male,0,0,60, United-States +<=50K,60, Private,247483, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,289448, Masters,14, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, China +<=50K,22, ?,122048, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,21, Private,177940, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,399088, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1340,45, United-States +<=50K,38, Private,108293, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,60, Private,178249, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,24, Local-gov,52262, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,143046, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999,0,50, United-States +<=50K,59, Private,124318, HS-grad,9, Divorced, Exec-managerial, Other-relative, White, Female,0,0,45, United-States +>50K,52, Federal-gov,57855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Private,355954, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,143582, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, South +<=50K,30, Private,220915, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,172025, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,109813, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3137,0,40, United-States +<=50K,45, Private,175600, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,389856, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,41, Self-emp-not-inc,167081, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,43, Self-emp-inc,179228, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,23, ?,214542, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,42, United-States +<=50K,31, Private,1210504, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Private,426263, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,146225, 10th,6, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,240810, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,100113, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,40, United-States +<=50K,22, Private,214542, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,41506, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,24, Private,200121, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,199919, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,60668, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,208347, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0,0,40, Puerto-Rico +>50K,42, State-gov,184105, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,255979, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,251585, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,132222, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,164733, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,327902, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3908,0,50, United-States +<=50K,30, Private,262092, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,299047, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,146735, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Private,154568, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,37, Private,160916, 7th-8th,4, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,161444, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,246282, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,2961,0,99, ? +<=50K,20, ?,147031, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,42, Private,220531, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,22, Private,282202, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, Mexico +<=50K,26, Private,122485, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,4416,0,40, United-States +<=50K,32, Private,227012, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,116502, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,51, Private,163606, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,211413, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,33, ?,171637, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,20, United-States +>50K,57, Self-emp-not-inc,204387, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,10, United-States +<=50K,24, ?,214542, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,29, Private,70100, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, Portugal +<=50K,42, Private,96115, Bachelors,13, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,181758, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,74, ?,278557, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +>50K,34, Federal-gov,168931, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0,0,40, United-States +<=50K,27, Private,397962, 10th,6, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,28, Private,113922, HS-grad,9, Separated, Transport-moving, Own-child, White, Female,0,0,17, United-States +<=50K,17, Private,318025, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,24, Private,287357, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,33219, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,81, Self-emp-inc,51646, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2174,35, United-States +<=50K,47, Federal-gov,51664, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,40, United-States +<=50K,29, Private,195721, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,255575, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,31, Private,200835, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,22, ?,140414, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,165579, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,37, Private,38948, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,184685, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,23, Private,86939, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,215251, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Germany +<=50K,53, Private,151159, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,385266, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,68, Self-emp-inc,289349, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,9386,0,70, Germany +<=50K,19, Private,232060, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,290429, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,45, Private,179048, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, ? +<=50K,57, Self-emp-not-inc,98466, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,16, United-States +>50K,51, Local-gov,142801, Masters,14, Widowed, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,68, Self-emp-inc,119938, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,172186, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,5013,0,40, United-States +>50K,45, Local-gov,198759, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, United-States +>50K,45, State-gov,74305, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,80, Self-emp-inc,120796, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,190091, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,197286, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,45, State-gov,129499, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,30875, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,172822, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3411,0,40, United-States +<=50K,34, Private,107417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,226902, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,86557, Some-college,10, Never-married, Sales, Other-relative, Other, Female,0,0,30, United-States +<=50K,35, Private,98900, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Local-gov,38707, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,286730, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,221797, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,594,0,20, United-States +<=50K,52, ?,175029, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +<=50K,49, ?,32184, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,5013,0,15, United-States +<=50K,31, Federal-gov,144949, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,48, Federal-gov,33084, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,156464, Some-college,10, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +>50K,38, Private,152307, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,341954, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,45, ? +<=50K,24, Private,235720, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,47, Private,161187, 12th,8, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Private,90017, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +>50K,59, Private,192671, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,39, Self-emp-not-inc,102178, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,293136, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,17, Local-gov,99568, 10th,6, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,66, Self-emp-not-inc,81413, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,31053, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,31008, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,221801, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,76491, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,64, Private,286732, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,17, United-States +>50K,48, Self-emp-not-inc,196707, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,51, Federal-gov,23698, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,61, Private,224699, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,22, Private,131291, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,15, United-States +<=50K,19, ?,372665, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,64506, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,47, Private,139388, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,425830, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,99146, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,59200, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Private,37482, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,188798, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,56, Private,100285, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,31, State-gov,228446, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,19491, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,2202,0,40, United-States +<=50K,28, Private,156967, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Federal-gov,187581, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,56, Private,154490, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,101345, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,150533, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,33, Private,93213, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,257046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,421837, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,41, Private,101593, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,42, Private,122215, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Private,272780, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, Mexico +<=50K,24, Private,190591, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,78374, HS-grad,9, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,30, ?,121468, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +>50K,31, Private,280927, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,25, Private,202480, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,110088, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,129632, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,37, Self-emp-not-inc,225860, Assoc-acdm,12, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,310545, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,30, El-Salvador +<=50K,31, Private,178664, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Self-emp-not-inc,198759, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,259301, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,31, Private,234537, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,63, Private,427770, 12th,8, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,19, ?,331702, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,20, ?,180052, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,205337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,236091, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,40, Private,33895, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,447210, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,226441, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,41, State-gov,119721, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,32, Self-emp-not-inc,455995, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Private,105813, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,350917, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,42, State-gov,191814, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,399296, 5th-6th,3, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,20, Mexico +<=50K,47, Private,201595, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,143003, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1887,45, China +<=50K,28, Private,74784, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, ?,313045, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,303781, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,236769, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,264961, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,144962, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Local-gov,435836, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +>50K,46, Private,186539, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,48, United-States +<=50K,23, Private,181796, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,398397, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,196280, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +<=50K,37, Federal-gov,31670, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-inc,65535, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,48, Local-gov,97680, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,10, United-States +>50K,57, Self-emp-not-inc,47178, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,24, Self-emp-not-inc,151818, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,40, Private,304530, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,197651, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,108054, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,22, United-States +<=50K,44, Private,179666, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,35, England +>50K,45, Private,142909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,231261, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,42, State-gov,119008, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, Black, Female,0,1974,40, United-States +<=50K,27, Private,168138, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,54, Private,217850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,343242, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,19, ?,167087, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,200179, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,35, Private,172252, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,132879, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,240063, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,48, United-States +<=50K,19, Private,425816, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Local-gov,167571, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,2885,0,30, United-States +<=50K,39, Private,85566, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,123799, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,42, United-States +<=50K,28, Private,194690, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,266347, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,68268, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,59, Self-emp-inc,145574, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,128666, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,119411, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,276552, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,305423, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,38, Federal-gov,104236, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +<=50K,48, ?,136455, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,16, United-States +>50K,71, Self-emp-not-inc,139889, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,39, Local-gov,102953, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,320183, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,24, United-States +>50K,47, Private,83407, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,84, United-States +<=50K,22, ?,118910, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,43, United-States +<=50K,41, Private,99254, Masters,14, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,43, State-gov,198766, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,191832, 12th,8, Never-married, Other-service, Unmarried, White, Male,0,0,40, ? +<=50K,23, Private,146178, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Male,0,0,46, United-States +>50K,35, Private,132879, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,94706, Bachelors,13, Married-spouse-absent, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,40, Laos +>50K,48, Local-gov,273767, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,40, United-States +>50K,43, Self-emp-not-inc,204235, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,62, ?,181782, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,39, State-gov,144860, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,185832, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +>50K,81, Private,55314, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,4, United-States +<=50K,44, Private,200194, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,339772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,54, Private,159755, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,24, Private,200207, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,31493, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,168981, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,20, Private,201729, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,33, United-States +<=50K,30, Self-emp-not-inc,105749, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,56, Federal-gov,101847, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, United-States +<=50K,46, Private,110646, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,56, United-States +<=50K,34, Private,139753, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,50, United-States +<=50K,25, Private,255004, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,34, Private,341954, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,124330, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,46, United-States +>50K,46, Private,64563, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,45, United-States +>50K,32, Self-emp-not-inc,29254, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,25, ?,182810, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1564,37, United-States +<=50K,33, ?,139051, 11th,7, Separated, ?, Unmarried, Black, Female,0,0,53, United-States +<=50K,31, Private,151053, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,34, United-States +<=50K,66, Self-emp-inc,45702, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,138685, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,164193, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,109651, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,126364, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,328199, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,2354,0,40, United-States +<=50K,44, Self-emp-not-inc,180096, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +<=50K,23, Private,197613, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,170195, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,56482, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,53, Private,23686, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,1741,40, United-States +>50K,62, State-gov,200916, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,160261, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,2377,35, Hong +<=50K,21, Private,129232, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,22, Local-gov,249727, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,106448, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,61, Local-gov,313852, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,213722, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, Greece +<=50K,29, Private,120645, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,78, ?,167336, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,21, Self-emp-not-inc,199419, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,23, Private,132053, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,311570, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,187203, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,201240, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,51, Private,150999, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,24961, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,152021, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,20, Private,374116, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,73, Private,35370, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,65291, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,71, ?,283889, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Black, Male,0,1816,40, United-States +<=50K,36, Self-emp-not-inc,48585, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,4, United-States +<=50K,26, Private,132661, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,267583, 10th,6, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,313297, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,66, Private,290578, 7th-8th,4, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,246038, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,125461, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,323,40, United-States +<=50K,56, Self-emp-not-inc,206149, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,58, United-States +<=50K,59, Local-gov,205718, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, Canada +>50K,37, Private,241153, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,49, Private,186706, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,7688,0,40, United-States +>50K,60, Private,216574, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,49570, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, State-gov,82161, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,44, Private,191268, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,31, Private,59469, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,197947, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,58, United-States +>50K,35, Private,180131, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,156732, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,22, Private,415755, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228254, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,28, Self-emp-not-inc,414599, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,21, Guatemala +<=50K,35, Private,357173, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,49, ?,111282, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,4386,0,99, United-States +<=50K,38, Private,174308, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,48, United-States +>50K,49, Federal-gov,61885, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,123838, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,119170, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1740,40, United-States +<=50K,59, Private,219426, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, Self-emp-inc,184920, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +>50K,39, Local-gov,187385, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,28, United-States +<=50K,26, Private,234258, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,387663, Some-college,10, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,151817, Masters,14, Separated, Tech-support, Unmarried, White, Female,0,0,36, United-States +>50K,34, Private,187203, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,27, Local-gov,67187, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,33, United-States +<=50K,48, Private,194526, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,73266, Some-college,10, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,340755, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,26, Private,168552, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,38, Self-emp-inc,188069, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,27, Private,198587, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,60, United-States +<=50K,21, State-gov,33423, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,40, Federal-gov,190910, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,195963, 7th-8th,4, Never-married, Transport-moving, Not-in-family, Other, Male,0,0,48, Puerto-Rico +<=50K,24, Private,345066, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,50, United-States +>50K,43, Private,195258, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,262233, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,47, United-States +<=50K,56, Private,78707, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,4508,0,28, United-States +>50K,53, Self-emp-inc,251240, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,36, Self-emp-not-inc,414056, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,174564, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,236242, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,1590,40, United-States +<=50K,31, Private,31286, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,234476, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,7, United-States +<=50K,26, Private,414916, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,223881, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,284651, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,35, Private,38948, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,33, Private,157887, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,70796, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,15, United-States +<=50K,49, Local-gov,97176, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,47, United-States +<=50K,54, Private,146834, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,490645, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,2829,0,42, United-States +<=50K,61, State-gov,31577, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,33, Private,145437, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,43, United-States +>50K,36, State-gov,21798, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,40, Germany +>50K,57, Private,142076, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,22, Private,136230, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,184169, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,175778, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,46, Local-gov,59174, HS-grad,9, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,33, United-States +<=50K,49, Private,123713, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,67, ?,222362, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,51, Private,108435, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,39182, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,203051, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,46, United-States +>50K,45, Federal-gov,363418, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,113054, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,27, Local-gov,163320, Assoc-acdm,12, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,118710, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,170066, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,135267, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,361278, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,165867, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,33, Private,300497, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,49, State-gov,255928, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,27305, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,29933, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,265434, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,145643, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,9, United-States +<=50K,31, ?,162041, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,30, Private,119562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3942,0,40, United-States +<=50K,29, Private,115549, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2635,0,40, United-States +>50K,50, Private,39590, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,97676, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,34973, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,312446, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Federal-gov,88909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,117381, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,34, Self-emp-inc,513977, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,50, United-States +<=50K,38, Federal-gov,39089, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,6849,0,50, United-States +<=50K,32, Private,341672, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,2174,0,45, Taiwan +<=50K,31, Local-gov,400535, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,34, Self-emp-not-inc,338042, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,216734, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,224207, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,6849,0,50, United-States +>50K,58, Private,107897, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,28, Private,205903, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,191754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,26, Private,216225, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,33, Private,125762, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,201062, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,53, Local-gov,25820, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,33, Private,553405, Assoc-voc,11, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,45, Federal-gov,78022, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,207631, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,52, Mexico +<=50K,35, Private,203988, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,47, Private,122194, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,318918, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,55, Self-emp-inc,264453, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,0,30, United-States +<=50K,28, Self-emp-not-inc,183523, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Self-emp-not-inc,98881, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,184101, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,6, United-States +<=50K,43, Local-gov,135056, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,60, Self-emp-not-inc,71457, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,4508,0,8, United-States +>50K,55, Self-emp-not-inc,96459, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1887,70, United-States +<=50K,52, Private,134184, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,2597,0,36, United-States +<=50K,40, Private,153132, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,31, United-States +<=50K,52, Private,173991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,27, Federal-gov,96219, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,152744, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,56, Private,182142, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,48915, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,24126, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Local-gov,263984, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Puerto-Rico +<=50K,42, Local-gov,118261, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,63, Private,106141, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,48, State-gov,355320, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,15, Germany +<=50K,19, ?,497414, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,35, Mexico +<=50K,41, Private,118915, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,75885, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,26, State-gov,93806, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,25, United-States +<=50K,33, Local-gov,255058, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Male,0,2339,40, United-States +<=50K,41, Private,120277, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,120046, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,26, Private,209384, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,742903, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,147869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,208117, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,64, Private,268965, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,22, United-States +<=50K,32, Private,41210, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,128378, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,131291, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,35, Private,187046, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,221672, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,70100, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,23, Private,199586, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,45, Private,243743, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, State-gov,375931, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +>50K,42, Private,139012, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,45, Private,167617, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,77, Private,88269, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,70377, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,431745, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,10, United-States +>50K,32, Private,72967, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,41, Private,174373, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,42, Private,145178, HS-grad,9, Separated, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, ?,138938, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,3, United-States +<=50K,26, Local-gov,113948, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,48, United-States +<=50K,66, Private,135446, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,43711, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,137304, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,65, United-States +<=50K,21, Private,180690, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,135384, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,178137, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,44, United-States +>50K,62, Self-emp-not-inc,113440, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,45, Private,110243, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-inc,165981, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,246635, Some-college,10, Never-married, Sales, Own-child, White, Female,2597,0,20, United-States +>50K,30, Private,553405, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,137506, 9th,5, Widowed, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,313730, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Federal-gov,102684, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,55, Private,265579, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,2354,0,40, United-States +>50K,58, Private,101338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Greece +>50K,67, Private,188903, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,231919, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,38, ?,139770, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,48, United-States +<=50K,37, Private,253006, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Private,258425, Assoc-voc,11, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,2597,0,45, United-States +<=50K,49, Private,168837, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,46, Private,177536, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,29, Private,168524, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Self-emp-inc,108551, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,38, Self-emp-not-inc,180477, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,58, Self-emp-not-inc,162970, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,104196, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +>50K,34, Private,329288, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,55, United-States +<=50K,59, Self-emp-not-inc,39398, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +<=50K,33, Private,70240, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,17, Private,153021, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,6, United-States +<=50K,29, Local-gov,152461, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,171892, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,42, United-States +<=50K,45, Private,128141, 11th,7, Separated, Tech-support, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,68, Private,182574, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,991,0,29, United-States +<=50K,33, Local-gov,189145, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,49, Self-emp-inc,218835, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,46, Local-gov,132994, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,54, Private,83103, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,67, United-States +<=50K,31, Private,198103, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,25, ?,177812, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,144154, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,80, United-States +>50K,56, Private,169086, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, ? +<=50K,36, Private,140854, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Portugal +<=50K,20, ?,218875, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,20, United-States +<=50K,35, Self-emp-not-inc,187589, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,7, United-States +>50K,36, Private,112271, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,27, Private,199118, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +>50K,46, Private,178642, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +>50K,34, Private,113708, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,59, United-States +<=50K,29, Federal-gov,185670, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,303187, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,44, ? +>50K,49, Private,209739, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,52, Self-emp-not-inc,155278, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,119422, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,326292, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,212512, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,33440, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,38, State-gov,185180, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,46, Self-emp-not-inc,504941, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,192014, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,24, United-States +>50K,48, Self-emp-inc,192755, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, Canada +>50K,59, Private,220896, Prof-school,15, Divorced, Other-service, Not-in-family, White, Male,27828,0,60, United-States +<=50K,22, Private,189832, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,38, Private,235638, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +<=50K,39, Private,134367, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,43, United-States +<=50K,41, Private,171231, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Peru +<=50K,19, Private,253529, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,9, United-States +<=50K,47, State-gov,210557, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,47, Private,362835, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,186479, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,115360, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,184806, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,34, Self-emp-not-inc,450141, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,35, United-States +<=50K,41, Private,200479, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,152493, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,60, United-States +>50K,29, Private,135791, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,50, Cuba +<=50K,37, Self-emp-not-inc,50096, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,55, Private,173832, Masters,14, Divorced, Sales, Not-in-family, White, Male,10520,0,40, United-States +<=50K,52, Private,224198, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,57, Private,111553, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,67, Private,191380, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,34242, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,58, Private,100054, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,70, United-States +<=50K,62, Private,110103, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,40, Private,196626, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,66, ?,194480, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,2377,2, United-States +<=50K,26, Private,190040, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,152629, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, Federal-gov,263162, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,205581, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,50, Private,155434, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,415922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,32, United-States +<=50K,42, Local-gov,221581, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,135089, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,56, United-States +<=50K,47, Private,117774, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Portugal +<=50K,46, Private,206707, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,315640, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Iran +>50K,52, Private,210736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,23, Local-gov,456665, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,133935, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,106982, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,35, Private,126569, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,209954, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, State-gov,46401, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,410216, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,410509, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,382199, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,84130, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,243380, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Private,329635, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,265434, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,241752, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,172579, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,48, Local-gov,121179, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,52, United-States +>50K,46, Private,76131, 5th-6th,3, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,57, Private,138777, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,45, Germany +<=50K,44, State-gov,195212, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,52, United-States +<=50K,20, Private,315135, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +>50K,44, Private,248406, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,283314, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, ? +<=50K,29, Private,231601, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,71, Self-emp-not-inc,126807, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1411,70, United-States +<=50K,31, Private,198513, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,162651, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Columbia +>50K,90, Private,197613, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,184098, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Local-gov,187505, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +<=50K,53, Private,174655, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,161123, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,43, Private,390369, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, Mexico +<=50K,35, Self-emp-not-inc,354520, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,364631, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, Mexico +>50K,35, Private,323120, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,44, United-States +<=50K,58, State-gov,32367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,88, Private,30102, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1816,50, ? +>50K,51, Private,229259, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,274818, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Self-emp-inc,248476, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,98080, Some-college,10, Never-married, Adm-clerical, Other-relative, Other, Male,0,0,40, India +<=50K,44, Private,56651, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,43, Private,216411, 1st-4th,2, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, Dominican-Republic +>50K,31, Private,226443, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,21, Private,119039, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,18, United-States +<=50K,25, Private,136277, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,52, Local-gov,149508, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,53, Private,449376, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,143450, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,41, Private,227065, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,175801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,260346, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,37, Private,54159, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,143246, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,2597,0,45, United-States +<=50K,32, Private,115854, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,41, United-States +<=50K,35, Private,138441, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,149704, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,22245, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,104017, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1628,50, United-States +>50K,46, Private,165468, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,181557, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,35, United-States +>50K,38, Private,220694, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,27, Local-gov,190330, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,109209, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,32, Private,187815, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Federal-gov,236648, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,53306, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,418645, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,217530, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,45, Mexico +<=50K,19, Private,135066, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,20, Local-gov,38455, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +<=50K,37, Self-emp-not-inc,53553, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,18, Private,117857, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,379376, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,31, Private,191932, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,2258,40, United-States +>50K,33, Private,234067, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Private,348886, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,142490, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, ?,155190, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,2580,0,8, United-States +<=50K,22, Private,176178, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,36, United-States +<=50K,53, Private,149220, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,188047, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,258102, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,185216, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,219701, 12th,8, Divorced, Protective-serv, Not-in-family, White, Male,0,0,37, Cuba +<=50K,40, Private,235523, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,100375, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,41, Private,24273, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,224115, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,41, Private,187795, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,60, United-States +<=50K,26, Private,161007, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,262723, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,33474, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,43, Private,167151, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,60, United-States +<=50K,38, Self-emp-inc,222532, Prof-school,15, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,47, Local-gov,48195, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +<=50K,23, Private,89089, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Local-gov,179151, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,192589, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,24, Private,236149, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +>50K,58, Private,110820, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,113464, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,38, Self-emp-not-inc,248929, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,41, Private,257758, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,198660, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,195532, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,17, Private,208046, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,16, United-States +<=50K,31, Self-emp-inc,72744, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,30, United-States +<=50K,73, ?,65072, 10th,6, Never-married, ?, Not-in-family, White, Male,0,0,12, United-States +<=50K,27, Private,313479, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,57, Private,262681, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,54, State-gov,305319, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,40, Private,158958, HS-grad,9, Never-married, Priv-house-serv, Other-relative, Black, Female,0,0,40, Honduras +<=50K,23, Self-emp-not-inc,47039, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,150057, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,54, State-gov,55861, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,39, United-States +>50K,32, Self-emp-inc,225053, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,44, Self-emp-not-inc,136986, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,36, ?,342480, 11th,7, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, ?,335124, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,39, Self-emp-not-inc,29874, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, United-States +<=50K,36, Private,191146, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,38, United-States +>50K,65, Private,154164, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,20051,0,20, ? +<=50K,43, Private,287008, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,397877, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,30, United-States +<=50K,40, Local-gov,108765, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,23, Private,215251, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,67, Private,132586, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +>50K,48, Local-gov,328610, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Private,264048, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,74, ?,98867, 5th-6th,3, Widowed, ?, Not-in-family, Black, Male,0,0,32, United-States +<=50K,36, Private,166289, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Private,186328, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Federal-gov,59948, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,231793, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Local-gov,487770, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,167536, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,250736, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,99, United-States +<=50K,18, ?,197057, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,448026, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,56, Private,217775, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Federal-gov,154394, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,244933, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,22, Private,155362, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,48, Private,187563, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, United-States +<=50K,61, ?,108398, 11th,7, Widowed, ?, Unmarried, Black, Female,0,0,9, United-States +<=50K,30, Private,69235, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,72, Private,174032, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,174957, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,71, Self-emp-not-inc,31781, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1510,35, United-States +>50K,49, Private,278322, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,49, Private,144514, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,41, Private,255824, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,443858, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,114066, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,26, United-States +<=50K,30, Private,103860, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,132839, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, State-gov,290688, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, ?,187439, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,22, Private,170302, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,1974,45, United-States +<=50K,49, Private,74984, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,94774, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,46, Private,72896, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,55, Self-emp-inc,197749, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1573,44, United-States +<=50K,28, Private,182509, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,233117, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,102729, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,172706, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-inc,295254, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,101426, HS-grad,9, Never-married, Protective-serv, Unmarried, Black, Male,0,0,40, United-States +<=50K,75, Private,185603, 10th,6, Widowed, Tech-support, Not-in-family, White, Female,0,0,32, United-States +>50K,53, Private,289620, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, ? +<=50K,39, Private,179137, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,222199, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,39, Private,320305, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, ?,111340, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1573,40, United-States +>50K,31, Federal-gov,86150, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,5178,0,40, United-States +<=50K,60, Private,124648, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,30, Private,175761, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,23, Private,148948, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,230355, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, Cuba +<=50K,55, State-gov,277203, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,176690, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,40, England +<=50K,64, Self-emp-inc,119182, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +<=50K,35, Private,181353, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,311293, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,17, ?,132962, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,45, Private,155478, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,46706, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,59, Private,142326, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,220454, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,105779, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,362623, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,1573,30, Mexico +<=50K,37, Private,115806, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,351324, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +<=50K,29, Private,131712, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,181118, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,19, ?,214087, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,181291, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, Italy +<=50K,44, Private,146908, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,262777, Masters,14, Separated, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,45, China +<=50K,53, Local-gov,394765, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,207335, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,133712, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,45, United-States +<=50K,24, State-gov,105479, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,140092, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,53232, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,55, United-States +<=50K,57, Private,178154, 10th,6, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,202203, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,50, Private,49340, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,106207, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,103064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,79190, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,473449, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,189498, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,149902, Masters,14, Never-married, Other-service, Unmarried, Black, Female,0,0,28, United-States +>50K,44, Private,150098, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,50, United-States +<=50K,40, Private,100451, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,193094, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,48, United-States +<=50K,37, Private,202950, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,161444, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,39, United-States +>50K,33, Self-emp-not-inc,303867, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,143912, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, ?,42623, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,32, United-States +<=50K,37, ?,145064, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,53, Private,199287, 9th,5, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,9, United-States +<=50K,48, Private,250733, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,372525, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,338162, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,37, United-States +>50K,38, Private,154210, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,55, Private,158702, 10th,6, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,199118, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, Nicaragua +<=50K,59, Private,104455, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,42, Self-emp-not-inc,210013, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,440934, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,31, Private,375833, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,41, Private,289551, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +<=50K,45, Private,272729, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, State-gov,176185, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,155403, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,47, Federal-gov,239321, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,365745, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,49, Private,107399, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,93394, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,34, Self-emp-not-inc,143078, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Local-gov,283314, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1977,40, United-States +>50K,37, Private,194668, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,170301, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,31, Self-emp-inc,162442, Masters,14, Never-married, Sales, Own-child, White, Female,27828,0,40, United-States +<=50K,24, Private,456430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,337424, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,27, Private,160291, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Germany +>50K,41, Private,341204, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,148084, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, Dominican-Republic +<=50K,26, Private,102476, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, ?,183161, 12th,8, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,17, Private,160029, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,70, Self-emp-not-inc,152066, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,57, Private,175942, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,64, Private,387669, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,179824, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, ?,65249, 12th,8, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,47, Self-emp-not-inc,267879, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103,0,50, United-States +<=50K,54, Private,150999, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,42, Local-gov,69758, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,48, United-States +<=50K,23, Private,180795, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,257283, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,196344, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,30, Mexico +<=50K,32, Private,155151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,35, Self-emp-not-inc,368140, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,17, Private,95079, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,37, ?,254773, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,181659, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, ?,215620, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,12, United-States +<=50K,29, Private,169104, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Male,0,0,75, Thailand +<=50K,33, Local-gov,100446, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,46, Private,189680, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,376474, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,112494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,212491, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Local-gov,254218, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,34, Private,421200, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,426589, HS-grad,9, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,335015, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,65, United-States +<=50K,25, Private,78605, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-inc,123749, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,90, United-States +<=50K,31, Private,245500, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,25, ? +>50K,32, Private,226443, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,150630, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,257124, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,127865, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,25, United-States +<=50K,50, Private,27432, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,161765, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Private,42703, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,209641, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,93131, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,1055,0,20, China +<=50K,46, Private,191821, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,410009, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,334291, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,2258,40, United-States +>50K,58, Self-emp-inc,274363, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,17, Private,102456, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,35, State-gov,102268, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,46, Private,220979, Some-college,10, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,13550,0,40, United-States +<=50K,35, ?,111377, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,36, Private,187847, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,40052, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,133375, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +>50K,46, Private,226032, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,16, United-States +<=50K,27, Private,211032, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,392812, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,34, Federal-gov,174724, Assoc-voc,11, Divorced, Adm-clerical, Own-child, Black, Female,1831,0,40, United-States +<=50K,50, Local-gov,363405, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,42750, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,40, Self-emp-not-inc,174112, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,65, Self-emp-not-inc,326936, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Self-emp-not-inc,188069, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Private,366089, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,162160, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,114937, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,6849,0,40, United-States +<=50K,61, Private,189932, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,57, Private,168447, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,154210, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,1902,45, Japan +<=50K,29, Private,211331, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, Mexico +<=50K,57, Private,157749, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Self-emp-inc,84587, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,20, Japan +<=50K,27, Private,269246, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464,0,45, United-States +<=50K,26, Private,305129, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,253556, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-inc,229116, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,45, Private,111381, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,41, Private,121201, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,26, Local-gov,271836, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,50, United-States +<=50K,47, Private,116641, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,4, France +<=50K,37, Private,171524, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, ? +<=50K,52, Private,145409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,174575, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, State-gov,149135, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,234096, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,210973, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,37, Local-gov,269323, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,29087, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,6, United-States +<=50K,27, Self-emp-not-inc,177831, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Hungary +<=50K,39, Self-emp-not-inc,167106, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,72, South +<=50K,56, Private,118993, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Private,102875, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, India +<=50K,89, ?,29106, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,101103, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,35, Self-emp-not-inc,135020, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,26, Private,182390, 11th,7, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,53, Private,174102, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,138153, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,162282, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,51, Private,280292, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,307294, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,57, Private,94156, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,84, United-States +<=50K,59, ?,199033, 9th,5, Married-civ-spouse, ?, Wife, Black, Female,0,0,32, United-States +<=50K,61, Private,57408, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,210922, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,55, ? +<=50K,20, Private,138994, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,22, Private,416103, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,42, Private,166740, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,50, United-States +<=50K,47, Self-emp-inc,139268, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,21, State-gov,165474, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +>50K,37, Private,100316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, ?,49028, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-inc,85566, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,27, Private,58150, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,376548, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,398166, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Private,86797, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,161819, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,19, Private,187125, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,226535, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,4865,0,40, United-States +>50K,23, Self-emp-inc,216889, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,65, Self-emp-not-inc,135517, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,336951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,101603, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,205931, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,40, Federal-gov,105119, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,200316, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,132859, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,57, Private,137031, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,24, Local-gov,184975, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,165539, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Black, Female,4101,0,40, Jamaica +<=50K,26, Private,48099, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,47012, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,60, Local-gov,195409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,52, United-States +<=50K,54, Private,20795, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, State-gov,484879, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,276087, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,37, Federal-gov,45937, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,48, United-States +>50K,48, Federal-gov,102359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,30, Private,186824, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,203914, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,30, Self-emp-not-inc,209808, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228516, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,62, Private,49424, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,25, Private,359067, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,55, Self-emp-not-inc,340171, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,142037, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,28, Local-gov,157437, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,4650,0,48, United-States +>50K,47, State-gov,142287, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,35, State-gov,189794, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,258289, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,352849, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,1719,30, United-States +<=50K,37, Private,162322, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,200295, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,26, ?,296372, HS-grad,9, Divorced, ?, Own-child, White, Female,0,0,40, United-States +<=50K,54, Local-gov,190333, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,211518, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,70, Private,264098, 10th,6, Widowed, Transport-moving, Not-in-family, White, Female,2538,0,40, United-States +<=50K,43, Private,393762, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Local-gov,181970, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,110901, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,21, Private,92863, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,111368, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, ?,83601, 12th,8, Widowed, ?, Unmarried, White, Female,0,0,70, United-States +<=50K,47, Private,164682, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +<=50K,37, Private,166549, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,24, Private,176566, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,40, United-States +<=50K,18, Private,201613, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,5, United-States +<=50K,27, Private,285294, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,60, United-States +<=50K,75, Private,100301, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,22, Private,120320, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,29, Local-gov,218650, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,339482, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,64, Private,301352, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,225978, Assoc-voc,11, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Private,337778, Some-college,10, Divorced, Sales, Not-in-family, White, Male,4650,0,40, United-States +>50K,49, Private,241350, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,36, Private,266645, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,18, Private,100863, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,55, Local-gov,227386, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,315971, Masters,14, Divorced, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,177287, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,20, Private,169022, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +>50K,50, Private,205803, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,277700, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,24, Self-emp-not-inc,166371, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,20, ?,295763, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,75, Self-emp-inc,152519, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Male,25124,0,20, United-States +<=50K,44, Private,438696, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Self-emp-inc,34266, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,136391, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,435638, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1876,40, United-States +<=50K,23, Private,51973, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,50, Japan +<=50K,40, Private,109800, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,41, Federal-gov,260761, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,59, Private,109015, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,272944, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,290498, Preschool,1, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, Mexico +<=50K,25, Private,176864, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, State-gov,169914, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,205759, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,271075, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,29, United-States +<=50K,19, Private,239995, 11th,7, Never-married, Sales, Other-relative, White, Male,0,0,16, United-States +<=50K,27, Private,65663, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, ?,259865, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, Mexico +<=50K,42, Self-emp-not-inc,34722, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,37, Private,225821, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,40, United-States +<=50K,39, Private,191503, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,46, ?,110243, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,1977,20, United-States +<=50K,30, Self-emp-not-inc,227429, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, Yugoslavia +<=50K,52, Private,174452, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,209085, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +>50K,54, Private,192386, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,38, United-States +<=50K,19, ?,234877, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,320862, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,535027, Some-college,10, Never-married, Transport-moving, Unmarried, Black, Male,0,0,15, United-States +<=50K,33, Private,137421, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,35, Japan +<=50K,46, Private,195727, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,49, Self-emp-not-inc,163229, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,31, Private,50753, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,49, Private,173503, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,17, Federal-gov,29078, 11th,7, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,15, United-States +<=50K,35, Private,360743, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,55, United-States +>50K,39, Self-emp-inc,142149, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,26, Private,464552, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +>50K,59, Private,47444, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,74, United-States +<=50K,37, Private,24721, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,53, Private,187492, Bachelors,13, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,50, Private,229318, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, Trinadad&Tobago +<=50K,48, Private,358382, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,52, United-States +<=50K,60, State-gov,119832, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,414166, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,32, United-States +<=50K,35, Private,147638, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,26, Self-emp-not-inc,33016, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,20, ?,386962, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, Mexico +<=50K,32, Private,39248, Bachelors,13, Never-married, Tech-support, Not-in-family, Other, Male,0,0,40, United-States +>50K,69, Private,232683, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, France +<=50K,31, Self-emp-not-inc,55912, 9th,5, Never-married, Craft-repair, Unmarried, White, Male,0,0,47, United-States +<=50K,35, Private,113152, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-inc,150095, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,114424, Some-college,10, Separated, Machine-op-inspct, Other-relative, Black, Female,0,0,37, United-States +<=50K,26, ?,408417, Some-college,10, Married-AF-spouse, ?, Husband, Black, Male,0,0,38, United-States +>50K,29, Private,163167, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Private,86009, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,316582, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,7298,0,40, United-States +>50K,50, Self-emp-not-inc,165219, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,21, Private,99829, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,47, Private,275095, 9th,5, Widowed, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,42, Private,167650, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,52, Self-emp-not-inc,141820, 10th,6, Divorced, Other-service, Own-child, White, Female,0,0,27, United-States +<=50K,29, Private,108253, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0,0,40, United-States +<=50K,41, Private,156526, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,185366, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,314739, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,92, United-States +<=50K,20, Private,336101, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,49115, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,35, Self-emp-inc,186488, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Puerto-Rico +<=50K,18, ?,158826, 12th,8, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +<=50K,24, Private,218415, 11th,7, Separated, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,76978, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,47, Private,213408, 9th,5, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Cuba +<=50K,44, Private,181265, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Local-gov,242956, 11th,7, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,30, Private,226696, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,186932, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,50, Federal-gov,107079, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,154950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,48597, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,40, Private,196344, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,45, United-States +>50K,37, Self-emp-inc,152414, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,61, Private,222966, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,39, Self-emp-not-inc,272671, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,26, Private,235520, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,232766, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,309990, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,8614,0,60, United-States +<=50K,40, Private,95639, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,20, ?,177161, HS-grad,9, Never-married, ?, Own-child, Other, Female,0,0,45, United-States +<=50K,51, Local-gov,133963, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,35, ? +>50K,45, Self-emp-not-inc,240786, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,141186, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,35, United-States +<=50K,65, Private,109221, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, White, Female,0,3175,60, Puerto-Rico +<=50K,29, Private,337953, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,2885,0,40, United-States +<=50K,49, State-gov,189762, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,18, ?,40190, 12th,8, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,66, Private,171824, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +>50K,48, Private,83545, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,28, Private,142712, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,37, United-States +<=50K,19, Private,91893, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,23, Private,443701, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,40, Private,438427, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Self-emp-inc,69372, Doctorate,16, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,49, Private,243190, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,109762, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,91189, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,56, Federal-gov,205805, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,48, Local-gov,212050, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,152652, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,157193, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,30, Italy +<=50K,32, Private,36592, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,39, Private,192664, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,99280, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,54, Private,168621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,127048, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,167610, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,108320, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,369643, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,27, Private,232388, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,40, United-States +<=50K,28, Private,513719, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,27073, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,54, Private,105428, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,167284, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,320615, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,27, Local-gov,47284, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +>50K,42, Private,45156, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,166269, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,28, Federal-gov,236418, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,311478, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,45, United-States +>50K,50, Private,256908, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,256796, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,168138, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,244413, 12th,8, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, Ecuador +<=50K,66, ?,52728, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,23, ?,223019, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,23, Private,215443, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,70, United-States +<=50K,41, Private,99665, 9th,5, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,80, United-States +<=50K,39, Private,243485, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,169872, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,3887,0,45, United-States +<=50K,46, Private,116338, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,109989, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,144401, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,23, Local-gov,199555, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1590,40, United-States +<=50K,33, Self-emp-not-inc,105229, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,31, Private,185216, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,155278, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,371408, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,47, United-States +>50K,56, Private,177271, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,234891, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,21, Private,356286, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,60, ?,225894, Preschool,1, Widowed, ?, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,19, Private,181781, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,28, United-States +<=50K,23, Private,197756, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +<=50K,69, Local-gov,216269, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,33931, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,151584, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,53, Private,286085, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,111385, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,280966, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,221178, HS-grad,9, Separated, Other-service, Other-relative, White, Male,0,0,28, United-States +<=50K,60, Private,74422, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,44, Mexico +<=50K,21, Private,103031, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, State-gov,209739, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,38, United-States +<=50K,23, State-gov,112137, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,40, Canada +<=50K,26, Private,138537, 11th,7, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +<=50K,72, Private,135378, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,48, Private,175006, 1st-4th,2, Separated, Machine-op-inspct, Other-relative, Black, Male,0,0,48, United-States +<=50K,26, Private,182194, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,194686, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,15, United-States +<=50K,27, Private,70034, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Federal-gov,439263, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,72, Private,74749, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,17, United-States +<=50K,26, Private,231638, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,197623, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,22, ?,148409, Some-college,10, Never-married, ?, Own-child, White, Male,0,1721,40, United-States +<=50K,17, ?,40299, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,96260, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +>50K,47, Self-emp-not-inc,62143, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,22, Private,193027, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,24, ?,334105, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Private,31411, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, ? +<=50K,60, Private,140516, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,155963, 9th,5, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,119891, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,206609, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,425444, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +>50K,52, Private,114674, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,54, Federal-gov,57679, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,48, Private,213140, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Local-gov,295494, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Private,182862, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,50, Private,178529, 11th,7, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,214031, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,17, Private,350538, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,29, Private,238073, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Columbia +<=50K,29, Private,194640, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,139770, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,21, Private,164177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, Private,99470, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,61, Private,359367, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, Local-gov,45612, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,16, United-States +>50K,33, Private,127651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,193132, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,50, United-States +>50K,26, Local-gov,314798, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +>50K,33, Private,108438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,41, Private,165815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,136172, 11th,7, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,127159, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,24, ? +<=50K,18, ?,220168, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,55, Private,127677, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,119941, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,93699, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Federal-gov,196649, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,332763, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,36, Private,158363, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,249039, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,39, Private,454585, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, Mexico +<=50K,31, Private,121321, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,229148, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,221284, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,64, United-States +<=50K,38, Private,428251, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,77660, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,21, Private,139722, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,33, State-gov,171151, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,94819, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,44, Private,214546, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,45, Self-emp-inc,190482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,283029, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,54, United-States +>50K,48, ?,142719, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,40, Private,244172, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,120238, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,66095, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,46, Private,129232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,44121, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,243678, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,118786, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +>50K,39, Self-emp-not-inc,176900, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,50, Private,155574, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,41, Private,76625, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,192254, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,15, United-States +<=50K,35, Private,238802, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,22, Private,247731, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,397606, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,370057, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,62, ?,190873, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,50, Local-gov,145879, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,52, Private,618130, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Private,542762, Bachelors,13, Never-married, Sales, Other-relative, Black, Male,0,0,50, United-States +<=50K,31, Private,144124, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,190539, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,92462, Assoc-acdm,12, Never-married, Sales, Unmarried, Black, Male,0,0,32, United-States +<=50K,48, Private,129974, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, State-gov,254890, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,261207, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Cuba +<=50K,39, Self-emp-inc,206362, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,27804, Some-college,10, Divorced, Priv-house-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,57, Self-emp-not-inc,771836, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,101108, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,49, Private,255466, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,30, Local-gov,204494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,70, Germany +<=50K,53, Private,271918, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,152619, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,107318, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,130773, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,20, ?,117210, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,148549, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,64, Private,181530, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,365739, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,182429, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,38, United-States +<=50K,41, Private,381510, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,116789, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,36, Self-emp-inc,196554, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,27, Private,335878, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,25, Private,184120, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,260084, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,44, Private,160369, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,164901, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, ?,96844, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Private,124566, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,473133, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,44, Private,335223, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Private,380086, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,48, United-States +<=50K,32, Private,198265, 1st-4th,2, Never-married, Exec-managerial, Own-child, White, Male,0,0,21, United-States +<=50K,33, ?,32207, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,75, United-States +<=50K,60, Private,288684, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,35, Private,302604, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,170290, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,53, Self-emp-inc,195398, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,48, Canada +>50K,54, Local-gov,256923, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,464552, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, Mexico +<=50K,27, Private,112754, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,56, United-States +>50K,59, Private,176118, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,63, ?,316627, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,70, Private,146628, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3471,0,33, United-States +<=50K,26, Private,108822, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,208608, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,22, Private,317019, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,24, Private,250978, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,75, United-States +>50K,46, Private,224559, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,56, State-gov,138593, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,175614, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,396099, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,122493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,53, Local-gov,182677, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +>50K,57, State-gov,247624, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,210458, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Mexico +<=50K,25, Private,91639, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,334096, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, ?,183945, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,78022, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-inc,318351, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1741,40, United-States +>50K,23, Private,233280, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,8614,0,70, United-States +<=50K,22, Private,100188, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,29, Private,85572, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,61735, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,23, Private,206827, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,210053, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,38, Local-gov,172016, Bachelors,13, Divorced, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,138153, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,31, ?,183855, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +>50K,30, Private,188362, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +>50K,42, Private,191429, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,52, Private,357596, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Local-gov,278404, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,180339, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,43, Private,355431, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Private,223212, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,34, Private,116371, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,41, ?,199018, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,1504,40, United-States +>50K,43, Private,435266, Doctorate,16, Separated, Exec-managerial, Not-in-family, White, Female,14084,0,60, United-States +>50K,61, Private,345697, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,49, Private,253973, 10th,6, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, ?,191149, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,28, United-States +<=50K,42, Private,197344, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,437161, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,72, ?,94268, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,50, Self-emp-inc,207841, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +>50K,34, Private,46492, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, State-gov,190325, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,48, United-States +>50K,48, Private,158944, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,60, United-States +<=50K,37, Private,228598, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, Mexico +<=50K,23, Private,349156, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,17, ?,246974, 12th,8, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,66, Private,386120, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,10605,0,40, United-States +<=50K,26, Private,220678, 5th-6th,3, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, Dominican-Republic +<=50K,41, Private,462964, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,2174,0,50, United-States +<=50K,19, Private,158603, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,37, United-States +<=50K,26, ?,167261, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Private,412933, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,55, United-States +<=50K,59, Local-gov,167027, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Private,194829, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,47, Private,145636, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,57, ?,123632, Bachelors,13, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +<=50K,49, Private,27614, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,324854, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,22245, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,31, Private,101352, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, ?,238721, Bachelors,13, Divorced, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,22, Private,289982, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,399449, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,39, ?,142804, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,16, United-States +<=50K,26, Private,121427, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,230959, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,42, Private,191342, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,64, Private,285610, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,207369, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Federal-gov,80485, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, State-gov,33474, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,173658, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,36, Local-gov,202207, HS-grad,9, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,69, Germany +>50K,36, Private,174242, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,22, Private,349212, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,17, ?,54978, 7th-8th,4, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,25, State-gov,81993, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,46, United-States +<=50K,47, Private,311395, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, ?,149017, 12th,8, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,34, Self-emp-not-inc,156532, 7th-8th,4, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,53470, Bachelors,13, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,212578, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,25, Private,227465, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,423605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,48, Private,149337, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,27, State-gov,38353, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Local-gov,325385, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,196252, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,35, Private,110538, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,75, Private,71385, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,20, United-States +>50K,34, Private,178449, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,45, United-States +<=50K,28, Federal-gov,366533, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,336326, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,1151,0,40, United-States +<=50K,23, Private,335439, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1741,50, United-States +<=50K,40, Private,184471, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,133526, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,618808, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,408385, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,156192, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,126569, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,300773, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,152109, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,260275, 11th,7, Separated, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,17, Private,209650, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,73, Private,573446, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,41, Private,253189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,200426, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +<=50K,24, Private,109667, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,41, ?,173651, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +<=50K,34, Local-gov,432204, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,80, United-States +<=50K,28, Private,252013, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,45, Japan +>50K,68, ?,461484, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,1648,10, United-States +<=50K,19, Private,191889, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,112507, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,36, Private,224531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,24, ?,83783, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +>50K,46, Self-emp-not-inc,346783, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, Cuba +<=50K,48, Federal-gov,72896, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,171393, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1740,40, United-States +<=50K,27, Private,294931, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Germany +<=50K,26, Private,198986, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, ?,264767, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,225623, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,48610, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,14, United-States +<=50K,57, Private,113974, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,334991, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,362059, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,32, United-States +>50K,37, Private,389725, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,25, Private,330774, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,149910, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,99401, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,104266, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,136440, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,15, South +<=50K,84, Private,65478, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, England +<=50K,24, Private,56121, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, Mexico +<=50K,44, Private,143939, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,231853, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,1902,40, United-States +<=50K,20, Private,267706, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,38, United-States +>50K,37, Private,328301, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,4934,0,60, United-States +<=50K,30, Private,36340, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,112780, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,51, Private,113045, Masters,14, Widowed, Exec-managerial, Unmarried, White, Male,15020,0,40, United-States +<=50K,52, Private,196504, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, State-gov,136216, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,34, Local-gov,158242, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,53, Private,180062, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,206888, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,77370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,349151, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,40, United-States +<=50K,52, Private,113843, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,48, State-gov,176917, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,226078, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,32, United-States +<=50K,30, Local-gov,177828, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,137304, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,35, Private,138441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,30840, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,149546, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,30, United-States +<=50K,29, Private,145182, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Female,0,0,20, United-States +<=50K,25, Local-gov,270379, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Self-emp-inc,378036, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +<=50K,19, Private,118535, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,239057, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,80, Private,107740, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,61, Private,194804, Preschool,1, Separated, Transport-moving, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,46, Self-emp-not-inc,225065, Bachelors,13, Separated, Other-service, Unmarried, White, Female,0,0,45, Nicaragua +<=50K,27, Private,165412, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,211199, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, State-gov,172962, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,190748, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,38, Federal-gov,455379, 12th,8, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,28, Private,112917, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Other, Male,0,0,40, Mexico +<=50K,34, Private,299383, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Private,22245, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,49683, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,65, Local-gov,32846, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,2964,0,35, United-States +<=50K,35, Private,46947, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,65, Private,165609, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,39, Private,226894, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,35, Private,143231, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,173730, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,259425, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,168747, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,210652, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,25, Private,40915, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,180303, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,70, South +>50K,49, Private,182541, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1485,40, United-States +<=50K,29, Private,67306, HS-grad,9, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,20, ?,38032, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Federal-gov,257395, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,29261, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,205977, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,22, ?,216639, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1974,40, United-States +<=50K,17, Private,134768, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,49, Private,32184, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,23, Private,138037, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,1590,50, United-States +>50K,49, Private,174426, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,45, Private,50162, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,193998, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,187901, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,56, Private,82050, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,18, ?,20057, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,16, United-States +<=50K,35, Private,144200, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Other, Male,0,0,25, Columbia +<=50K,80, Self-emp-not-inc,29441, 7th-8th,4, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,15, United-States +<=50K,65, Private,195695, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,274502, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,76, ?,239900, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,3, United-States +<=50K,22, Private,191954, Assoc-voc,11, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +>50K,33, Private,172304, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Local-gov,174575, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,20, Private,325744, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,43, Private,26252, Some-college,10, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,57, Private,176904, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,504871, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,141702, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,30, Private,399088, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,32, Local-gov,409282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,532969, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,21, ?,213366, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,38, United-States +<=50K,36, Private,188888, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,24126, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Self-emp-not-inc,151369, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,30, United-States +<=50K,18, Private,115759, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,59, Self-emp-inc,171355, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,55, United-States +<=50K,18, Private,310175, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,44, Private,216116, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,23, Private,204141, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,212894, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Greece +>50K,49, Private,120121, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,59, Self-emp-not-inc,190997, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +>50K,36, Private,224566, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +<=50K,30, Private,235847, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,56, ?,124319, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,193807, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,69, Self-emp-not-inc,215926, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,19, ?,455665, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,44, United-States +<=50K,36, Private,36423, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +>50K,42, Private,32878, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,42, United-States +<=50K,25, Private,96862, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,2174,0,40, United-States +<=50K,17, Private,187879, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,40, Local-gov,36296, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,75615, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,43, United-States +<=50K,17, Private,168807, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,24, State-gov,161783, Bachelors,13, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, ? +<=50K,40, State-gov,13492, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,65, Private,119769, HS-grad,9, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,20, United-States +<=50K,38, Private,313914, Bachelors,13, Separated, Farming-fishing, Unmarried, White, Female,0,0,45, United-States +<=50K,33, Private,172584, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1590,50, United-States +<=50K,28, Private,112425, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,157783, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,35, Vietnam +<=50K,34, Private,356882, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,156852, Assoc-voc,11, Widowed, Tech-support, Unmarried, White, Female,0,0,8, United-States +>50K,63, Self-emp-not-inc,175177, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,425127, 9th,5, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,30, Local-gov,99761, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,272950, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,174295, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,157678, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2036,0,42, United-States +<=50K,52, Private,186224, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,142587, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +>50K,46, Private,131091, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-not-inc,71269, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,311551, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,22, Self-emp-inc,171041, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,140915, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, South +>50K,46, Private,41223, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,292569, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,65, United-States +<=50K,44, Private,132921, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +>50K,59, Self-emp-inc,177271, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,84, United-States +>50K,58, Self-emp-inc,314482, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,310531, 10th,6, Separated, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,29, Private,145490, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,61, Private,181200, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1564,40, United-States +>50K,29, Private,152951, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Canada +<=50K,40, Private,85668, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,316606, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,2339,50, United-States +>50K,38, Private,220694, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,408585, 7th-8th,4, Married-civ-spouse, Farming-fishing, Own-child, White, Female,0,0,45, Mexico +<=50K,42, Federal-gov,36699, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,50, Private,104280, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,97254, 11th,7, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,4101,0,40, United-States +<=50K,35, Private,186420, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,44, Private,112482, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,54, Private,317733, Doctorate,16, Widowed, Tech-support, Unmarried, White, Male,0,2472,40, United-States +<=50K,56, Private,235136, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,29, Private,229729, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,46677, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,48, Federal-gov,277946, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,263727, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,74501, Masters,14, Never-married, Sales, Own-child, White, Female,0,0,50, United-States +>50K,34, Private,143776, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,45, ? +<=50K,69, Private,179130, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,38, United-States +<=50K,23, State-gov,386568, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,413110, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,15, United-States +<=50K,45, Private,72618, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,102288, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,321851, Assoc-voc,11, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,180871, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,124483, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +>50K,43, Private,72791, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,5178,0,40, United-States +<=50K,47, State-gov,263215, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,80, United-States +>50K,34, Local-gov,207668, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,41, United-States +<=50K,30, Private,198953, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Private,38819, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,43, Private,107306, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, Canada +<=50K,20, Private,161962, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,83, Private,192305, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +>50K,42, Private,449925, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Local-gov,131167, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Local-gov,268482, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, State-gov,103642, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1651,40, United-States +<=50K,43, Private,201723, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,186224, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Self-emp-not-inc,139703, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,48, United-States +<=50K,33, Private,397995, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,259323, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, State-gov,427515, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,21, ?,187937, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,52, United-States +<=50K,34, Private,177437, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,162442, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,48, Private,83407, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,61, ?,265201, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +<=50K,19, Private,109005, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,55, Local-gov,56915, HS-grad,9, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Male,0,0,8, United-States +<=50K,37, Private,210830, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,24, Private,194848, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,109351, Assoc-voc,11, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,105813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,72, United-States +<=50K,32, Private,123430, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,44, Private,105896, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,35, Self-emp-not-inc,135020, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Germany +<=50K,27, Private,136077, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,18, Private,151463, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,43, Private,73333, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,40, United-States +>50K,51, Local-gov,43705, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,54, United-States +<=50K,26, Private,320465, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,237811, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Trinadad&Tobago +<=50K,41, State-gov,190910, HS-grad,9, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,348326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,163287, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,62, United-States +>50K,31, Private,97723, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,160383, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,39, Federal-gov,263690, Masters,14, Married-civ-spouse, Other-service, Husband, Black, Male,3137,0,40, Trinadad&Tobago +<=50K,42, Private,278926, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,189017, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,87546, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,23, Local-gov,145112, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,43, United-States +<=50K,55, Private,107308, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,79, Local-gov,132668, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,47, Private,175600, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,176608, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,217054, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Local-gov,244813, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,77373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,135823, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,174864, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,45, Private,121676, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +>50K,38, Private,108140, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,46, Private,185041, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,47, Self-emp-inc,144579, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,90, United-States +<=50K,26, Private,143280, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,41, Private,242804, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Private,156926, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,55, Self-emp-inc,103948, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,249720, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,203635, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,65, United-States +<=50K,31, Private,136721, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,114865, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,166517, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,96219, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Private,236197, 12th,8, Widowed, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Guatemala +<=50K,39, Private,357118, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1974,40, United-States +<=50K,25, Private,193787, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,27, Private,607658, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,64, Local-gov,47298, Doctorate,16, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,55, Local-gov,258121, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,46, Private,411037, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,228724, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,179008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,37, Private,422933, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,32452, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,35, Private,54363, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,113397, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Japan +<=50K,45, Private,159080, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,59, State-gov,354948, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,31, Private,162572, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,35, Private,108140, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,126104, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,65, United-States +<=50K,41, Private,145522, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Private,61777, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,39, Private,139057, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,38, India +<=50K,31, Private,113129, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,202062, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Private,31341, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,196125, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,44559, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,33, Self-emp-not-inc,202153, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,35, Private,238980, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,156873, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,32805, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Self-emp-not-inc,273088, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,43, Self-emp-not-inc,241055, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,157028, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,35, Local-gov,304252, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,57, Private,106910, Assoc-voc,11, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Outlying-US(Guam-USVI-etc) +>50K,57, Private,127728, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,37, State-gov,178876, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,18, Private,78181, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,21, ?,212661, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,29, Private,288229, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Asian-Pac-Islander, Female,4386,0,45, United-States +<=50K,24, Private,205883, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Local-gov,268205, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,52, United-States +<=50K,23, Private,113735, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,36, Private,390243, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,52, Private,137984, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,160785, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,86150, HS-grad,9, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,32, Private,244268, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,48, United-States +>50K,34, Self-emp-inc,177828, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,29, Private,337953, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,36, United-States +<=50K,56, Self-emp-not-inc,254711, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,60, Private,127084, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,156618, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,1602,20, United-States +<=50K,30, Private,201697, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,187830, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,27828,0,16, United-States +>50K,52, Private,240612, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Peru +<=50K,66, Self-emp-not-inc,190160, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,28, Private,109001, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Local-gov,297322, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,335015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,50, Private,174964, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Federal-gov,408813, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,115332, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,29, Local-gov,170482, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,2057,40, United-States +<=50K,34, Private,113688, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,27, Private,133770, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2202,0,52, Philippines +<=50K,57, Private,161964, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,34572, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,21, Private,198259, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,73, ?,144872, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, Canada +>50K,57, Private,161944, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +<=50K,51, Private,29887, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,1590,40, United-States +<=50K,37, Federal-gov,238980, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,42, Private,275677, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,32, Private,24529, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,5178,0,60, United-States +>50K,51, Self-emp-not-inc,311631, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,105460, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,374763, 11th,7, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,25, Private,242136, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,112115, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,77132, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Canada +<=50K,81, ?,26711, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,2936,0,20, United-States +>50K,60, Private,117909, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,39, Private,229647, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1669,40, United-States +>50K,38, Private,149347, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Local-gov,23157, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,23, Private,93977, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,73, Self-emp-inc,159691, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,176967, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,344436, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,8, United-States +<=50K,27, Private,430340, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,40, Private,202168, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +<=50K,51, Private,82720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,269623, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,136405, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,32, United-States +>50K,50, Local-gov,139347, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, ? +<=50K,55, Private,224655, HS-grad,9, Separated, Priv-house-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,38, Private,247547, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,58, Private,292710, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,36, United-States +<=50K,32, Private,173449, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,285570, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,89686, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,440129, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,350977, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,48, Local-gov,349230, Masters,14, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,245211, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,215419, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,64, ?,321403, HS-grad,9, Widowed, ?, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, Private,374983, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,83891, Bachelors,13, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,5455,0,40, United-States +>50K,35, Self-emp-inc,182148, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States diff --git a/adult-train.csv b/adult-train.csv new file mode 100644 index 0000000000..80077f8a3b --- /dev/null +++ b/adult-train.csv @@ -0,0 +1,32562 @@ +income,age,workclass,fnlwgt,education,education-num,marital-status,occupation,relationship,race,gender,capital-gain,capital-loss,hours-per-week,native-country +<=50K,39, State-gov,77516, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,2174,0,40, United-States +<=50K,50, Self-emp-not-inc,83311, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,13, United-States +<=50K,38, Private,215646, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,234721, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,338409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, Cuba +<=50K,37, Private,284582, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,49, Private,160187, 9th,5, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,16, Jamaica +>50K,52, Self-emp-not-inc,209642, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,45781, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,14084,0,50, United-States +>50K,42, Private,159449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +>50K,37, Private,280464, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,80, United-States +>50K,30, State-gov,141297, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,23, Private,122272, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,32, Private,205019, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Male,0,0,50, United-States +>50K,40, Private,121772, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,34, Private,245487, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,45, Mexico +<=50K,25, Self-emp-not-inc,176756, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,32, Private,186824, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,28887, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-not-inc,292175, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,40, Private,193524, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,302146, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,35, Federal-gov,76845, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,117037, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2042,40, United-States +<=50K,59, Private,109015, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,56, Local-gov,216851, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,168294, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,54, ?,180211, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,39, Private,367260, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,80, United-States +<=50K,49, Private,193366, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,190709, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,52, United-States +<=50K,20, Private,266015, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,44, United-States +<=50K,45, Private,386940, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Male,0,1408,40, United-States +<=50K,30, Federal-gov,59951, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, State-gov,311512, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,15, United-States +<=50K,48, Private,242406, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Puerto-Rico +<=50K,21, Private,197200, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,544091, HS-grad,9, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +>50K,31, Private,84154, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, ? +<=50K,48, Self-emp-not-inc,265477, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,507875, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,53, Self-emp-not-inc,88506, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,172987, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,94638, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,289980, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +>50K,57, Federal-gov,337895, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,144361, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,44, Private,128354, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,41, State-gov,101603, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,271466, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,25, Private,32275, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0,0,40, United-States +<=50K,18, Private,226956, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, ? +>50K,47, Private,51835, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,60, Honduras +>50K,50, Federal-gov,251585, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,47, Self-emp-inc,109832, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Private,237993, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,216666, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,35, Private,56352, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,41, Private,147372, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,188146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,30, Private,59496, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2407,0,40, United-States +<=50K,32, ?,293936, 7th-8th,4, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, ? +<=50K,48, Private,149640, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Private,116632, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,105598, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,58, United-States +<=50K,36, Private,155537, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,183175, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,169846, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,191681, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, ?,200681, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,101509, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,32, United-States +<=50K,31, Private,309974, Bachelors,13, Separated, Sales, Own-child, Black, Female,0,0,40, United-States +>50K,29, Self-emp-not-inc,162298, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,211678, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,79, Private,124744, Some-college,10, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,20, United-States +<=50K,27, Private,213921, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,40, Private,32214, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,212759, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,18, Private,309634, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,22, United-States +<=50K,31, Local-gov,125927, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,446839, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, Private,276515, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Cuba +<=50K,46, Private,51618, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,159937, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,44, Private,343591, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,14344,0,40, United-States +<=50K,53, Private,346253, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +>50K,49, Local-gov,268234, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,202051, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,54334, 9th,5, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Federal-gov,410867, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Private,249977, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,286730, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,212563, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,25, United-States +<=50K,30, Private,117747, HS-grad,9, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,1573,35, ? +>50K,34, Local-gov,226296, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,115585, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,48, Self-emp-not-inc,191277, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +>50K,37, Private,202683, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,171095, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, England +<=50K,32, Federal-gov,249409, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,76, Private,124191, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,198282, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,47, Self-emp-not-inc,149116, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,20, Private,188300, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,103432, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Self-emp-inc,317660, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,17, ?,304873, 10th,6, Never-married, ?, Own-child, White, Female,34095,0,32, United-States +<=50K,30, Private,194901, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,189265, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,124692, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,432376, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,38, Private,65324, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,335605, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1887,50, Canada +<=50K,28, Private,377869, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,4064,0,25, United-States +<=50K,36, Private,102864, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,95647, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-inc,303090, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,49, Local-gov,197371, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,55, Private,247552, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,56, United-States +<=50K,22, Private,102632, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +<=50K,21, Private,199915, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,118853, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,77143, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, Germany +>50K,29, State-gov,267989, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,301606, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +>50K,47, Private,287828, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,111697, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1719,28, United-States +>50K,31, Private,114937, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, ?,129305, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,365739, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,69621, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,43323, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1762,40, United-States +<=50K,38, Self-emp-not-inc,120985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,35, United-States +<=50K,37, Private,254202, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,146195, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, Black, Female,0,0,36, United-States +>50K,38, Federal-gov,125933, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,43, Self-emp-not-inc,56920, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,163127, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,20, Private,34310, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,49, Private,81973, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,61, Self-emp-inc,66614, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,232782, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,316868, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, Mexico +>50K,45, Private,196584, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,40, United-States +<=50K,70, Private,105376, Some-college,10, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Private,185814, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,0,0,30, United-States +<=50K,22, Private,175374, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,24, United-States +<=50K,36, Private,108293, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,64, Private,181232, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2179,40, United-States +<=50K,43, ?,174662, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Local-gov,186009, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, Mexico +<=50K,34, Private,198183, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,163003, Bachelors,13, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,21, Private,296158, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,52, ?,252903, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, Private,187715, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,23, Private,214542, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,494223, Some-college,10, Separated, Sales, Unmarried, Black, Male,0,1816,2, United-States +<=50K,29, Private,191535, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,42, Private,228456, Bachelors,13, Separated, Other-service, Other-relative, Black, Male,0,0,50, United-States +<=50K,68, ?,38317, 1st-4th,2, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,252752, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,78374, Masters,14, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,88419, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, England +>50K,45, Self-emp-not-inc,201080, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,207157, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,39, Federal-gov,235485, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,46, State-gov,102628, Masters,14, Widowed, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,25828, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,66, Local-gov,54826, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,124953, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,1980,40, United-States +<=50K,28, State-gov,175325, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Private,96062, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,428030, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,28, State-gov,149624, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,253814, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,21, Private,312956, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Private,483777, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,183930, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,33, Private,37274, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,44, Local-gov,181344, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,38, United-States +<=50K,43, Private,114580, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,633742, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,45, United-States +>50K,40, Private,286370, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,37, Federal-gov,29054, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,34, Private,304030, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,143129, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, ?,135105, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,99928, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,58, State-gov,109567, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,1, United-States +<=50K,38, Private,155222, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,28, United-States +<=50K,24, Private,159567, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,523910, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,120939, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,41, Federal-gov,130760, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,24, United-States +<=50K,23, Private,197387, 5th-6th,3, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, Mexico +<=50K,36, Private,99374, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Federal-gov,56795, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,55, United-States +>50K,35, Private,138992, Masters,14, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,7298,0,40, United-States +<=50K,24, Self-emp-not-inc,32921, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,397317, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,19, ?,170653, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Italy +>50K,51, Private,259323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Local-gov,254817, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,1340,40, United-States +<=50K,37, State-gov,48211, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,140164, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,128757, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,7298,0,36, United-States +<=50K,35, Private,36270, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Self-emp-inc,210563, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,15024,0,35, United-States +<=50K,17, Private,65368, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,44, Local-gov,160943, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,37, Private,208358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,153790, Some-college,10, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,60, Private,85815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,54, Self-emp-inc,125417, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,635913, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,60, United-States +<=50K,50, Private,313321, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,182609, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Poland +<=50K,45, Private,109434, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,255004, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,197860, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,187656, 1st-4th,2, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,90, Private,51744, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,2206,40, United-States +<=50K,54, Private,176681, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,20, United-States +<=50K,53, Local-gov,140359, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,243313, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,60, ?,24215, 10th,6, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,10, United-States +<=50K,66, Self-emp-not-inc,167687, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409,0,50, United-States +<=50K,75, Private,314209, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, Columbia +<=50K,65, Private,176796, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,538583, 11th,7, Separated, Transport-moving, Not-in-family, Black, Male,3674,0,40, United-States +<=50K,41, Private,130408, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Private,159732, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,33, Private,110978, Some-college,10, Divorced, Craft-repair, Other-relative, Other, Female,0,0,40, United-States +>50K,28, Private,76714, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,59, State-gov,268700, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,170525, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,41, Private,180138, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Iran +>50K,38, Local-gov,115076, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,115458, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,347890, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,196001, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +<=50K,24, State-gov,273905, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,119156, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,38, Private,179488, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,56, Private,203580, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, ? +>50K,58, Private,236596, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,183916, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,34, United-States +>50K,40, Private,207578, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,60, United-States +<=50K,45, Private,153141, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +>50K,41, Private,112763, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,390781, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,59, Local-gov,171328, 10th,6, Widowed, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,19, Local-gov,27382, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,259014, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +>50K,42, Self-emp-not-inc,303044, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,20, Private,117789, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,172579, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,45, Private,187666, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, Private,204518, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,150042, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,98092, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,245918, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,59, Private,146013, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,26, Private,378322, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,257295, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,75, Thailand +<=50K,19, ?,218956, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, Canada +>50K,64, Private,21174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,185480, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,222205, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,61, Private,69867, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,191260, 9th,5, Never-married, Other-service, Own-child, White, Male,1055,0,24, United-States +<=50K,50, Self-emp-not-inc,30653, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,2407,0,98, United-States +<=50K,27, Local-gov,209109, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,30, Private,70377, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,477983, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,170924, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,190174, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,193787, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,24, Private,279472, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298,0,48, United-States +<=50K,22, Private,34918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, Germany +>50K,42, Local-gov,97688, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,34, Private,175413, Assoc-acdm,12, Divorced, Sales, Unmarried, Black, Female,0,0,45, United-States +<=50K,60, Private,173960, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,42, United-States +<=50K,21, Private,205759, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,57, Federal-gov,425161, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,41, Private,220531, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,176609, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,371987, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,193884, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Ecuador +<=50K,36, Private,200352, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,127595, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Local-gov,220419, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,21, Private,231931, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,27, Private,248402, Bachelors,13, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, Private,111095, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,37, Self-emp-inc,57424, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,39, ?,157443, Masters,14, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,3464,0,40, ? +<=50K,24, Private,278130, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,169469, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,80, United-States +>50K,48, Private,146268, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,21, Private,153718, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,25, United-States +>50K,31, Private,217460, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,55, Private,238638, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4386,0,40, United-States +<=50K,24, Private,303296, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +<=50K,43, Private,173321, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,193945, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,83082, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,33, United-States +>50K,35, Private,193815, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,34987, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, United-States +<=50K,26, Private,59306, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,142897, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298,0,35, Taiwan +<=50K,19, ?,860348, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +>50K,36, Self-emp-not-inc,205607, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,22, Private,199698, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,191954, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,138714, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,399087, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,29, Private,423158, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,159841, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,39, Self-emp-not-inc,174308, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,50356, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,50, United-States +<=50K,35, Private,186110, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,200381, 11th,7, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,76, Self-emp-not-inc,174309, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,63, Self-emp-not-inc,78383, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,23, ?,211601, Assoc-voc,11, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +>50K,43, Private,187728, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,50, United-States +<=50K,58, Self-emp-not-inc,321171, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,127921, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,2050,0,55, United-States +<=50K,41, Private,206565, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,45, United-States +<=50K,26, Private,224563, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,178686, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Local-gov,98545, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,242606, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,270942, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,48, Mexico +<=50K,30, Private,94235, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,71195, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,104112, HS-grad,9, Never-married, Sales, Unmarried, Black, Male,0,0,30, Haiti +<=50K,45, Private,261192, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,94936, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,296478, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,36, State-gov,119272, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +<=50K,33, Private,85043, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,22, State-gov,293364, Some-college,10, Never-married, Protective-serv, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,241895, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,67, ?,36135, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,30, ?,151989, Assoc-voc,11, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Private,101128, Assoc-acdm,12, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,25, Iran +<=50K,31, Private,156464, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +>50K,33, Private,117963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,192262, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,33, Private,111363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,329752, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,59, ?,372020, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,38, Federal-gov,95432, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,161400, 11th,7, Widowed, Other-service, Unmarried, Other, Male,0,0,40, United-States +>50K,40, Private,96129, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,111949, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,26, Self-emp-not-inc,117125, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,36, Private,348022, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +>50K,62, Private,270092, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,180609, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,43, Private,174575, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,1564,45, United-States +<=50K,22, Private,410439, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Private,92262, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,183081, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,362589, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +>50K,57, Private,212448, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,481060, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,185885, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,17, Private,89821, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +>50K,40, State-gov,184018, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,45, Private,256649, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,160323, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Local-gov,350845, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,267404, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,35633, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,80914, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,172927, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,174319, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,214955, 5th-6th,3, Divorced, Craft-repair, Not-in-family, White, Female,0,2339,45, United-States +<=50K,25, Private,344991, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,108699, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Local-gov,117312, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,396099, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Private,134152, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,162028, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2415,6, United-States +<=50K,19, Private,25429, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,19, Private,232392, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,35, Private,220098, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,301302, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Self-emp-not-inc,277946, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,34, State-gov,98101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, ? +<=50K,34, Private,196164, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,44, Private,115562, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,96975, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,20, ?,137300, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,35, United-States +>50K,25, Private,86872, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,52, Self-emp-inc,132178, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,416103, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,108574, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,50, State-gov,288353, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,227689, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,64, United-States +<=50K,28, Private,166481, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,2179,40, Puerto-Rico +>50K,41, Private,445382, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,65, United-States +<=50K,28, Private,110145, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,317253, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +>50K,28, ?,123147, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,1887,40, United-States +<=50K,32, Private,364657, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Local-gov,42346, Some-college,10, Divorced, Other-service, Not-in-family, Black, Female,0,0,24, United-States +<=50K,24, Private,241951, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,118500, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,188386, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,31, State-gov,1033222, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,92440, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,190762, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,426017, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,34, Local-gov,243867, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, State-gov,240283, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,61777, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,17, Private,175024, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,2176,0,18, United-States +>50K,32, State-gov,92003, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,188401, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,228528, 10th,6, Never-married, Craft-repair, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,133373, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,36, Federal-gov,255191, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,1408,40, United-States +<=50K,23, Private,204653, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,72, Dominican-Republic +>50K,63, Self-emp-inc,222289, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,287480, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,80, ?,107762, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,24, United-States +<=50K,17, ?,202521, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,204116, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +>50K,30, Private,29662, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,27, Private,116358, Some-college,10, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,1980,40, Philippines +>50K,33, Private,208405, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Local-gov,284843, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Black, Male,594,0,60, United-States +<=50K,34, Local-gov,117018, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,81281, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,340148, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,363425, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,45857, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,28, United-States +<=50K,24, Federal-gov,191073, HS-grad,9, Never-married, Armed-Forces, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,116632, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,405855, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,20, Private,298227, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,44, Private,290521, HS-grad,9, Widowed, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,51, Private,56915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,146538, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,258872, 11th,7, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,19, Private,206399, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,45, Self-emp-inc,197332, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,60, Private,245062, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,197583, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +>50K,44, Self-emp-not-inc,234885, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,40, Private,72887, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,30, Private,180374, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,351299, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,23, Private,54012, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, ?,115745, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,116632, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,54, Local-gov,288825, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,132601, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,193374, 1st-4th,2, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,170070, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Private,126708, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +<=50K,52, Private,35598, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,33983, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,192776, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +>50K,30, Private,118551, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,16, United-States +>50K,60, Private,201965, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,22, ?,139883, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,285020, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,303990, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,67, Private,49401, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,46, Private,279196, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,211870, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,6, United-States +<=50K,22, Private,281432, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,161155, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,197904, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,33, Private,111746, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Portugal +<=50K,43, Self-emp-not-inc,170721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,28, State-gov,70100, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,41, Private,193626, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,52, ?,271749, 12th,8, Never-married, ?, Other-relative, Black, Male,594,0,40, United-States +<=50K,25, Private,189775, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,63, ?,401531, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,59, Local-gov,286967, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,45, Local-gov,164427, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,91039, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,40, Private,347934, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Federal-gov,371373, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,32220, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,187251, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,33, Private,178107, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,343121, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,36, United-States +<=50K,20, Private,262749, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,403107, 5th-6th,3, Never-married, Other-service, Own-child, White, Male,0,0,40, El-Salvador +<=50K,26, Private,64293, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,72, ?,303588, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,23, Local-gov,324960, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Poland +<=50K,62, Local-gov,114060, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,48925, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,180980, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,42, France +<=50K,25, Private,181054, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,388093, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,249609, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,8, United-States +<=50K,43, Private,112131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,543162, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,91996, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,141944, Assoc-voc,11, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,1380,42, United-States +<=50K,53, ?,251804, 5th-6th,3, Widowed, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,32, Private,37070, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,34, Private,337587, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,189346, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, ?,222216, Assoc-voc,11, Widowed, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,267044, Some-college,10, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,20, ?,214635, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, United-States +<=50K,21, ?,204226, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +>50K,34, Private,108116, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,99146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,80, United-States +>50K,50, Private,196232, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,24, Local-gov,248344, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,50, United-States +>50K,37, Local-gov,186035, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,44, Private,177905, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,58, United-States +<=50K,28, Private,85812, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,42, Private,221172, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,99183, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,9, United-States +<=50K,38, Self-emp-not-inc,190387, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,202692, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,109339, 11th,7, Divorced, Machine-op-inspct, Unmarried, Other, Female,0,0,46, Puerto-Rico +<=50K,26, Private,108658, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,197202, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,101739, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,67, Private,231559, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,48, United-States +<=50K,39, Local-gov,207853, 12th,8, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,190942, 1st-4th,2, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,0,30, United-States +<=50K,29, Private,102345, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,41493, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, ?,190027, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,210525, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,133937, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,237903, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,163862, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,201872, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,84179, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,45, United-States +<=50K,58, Private,51662, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,8, United-States +<=50K,35, Local-gov,233327, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,259510, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,36, United-States +<=50K,28, Private,184831, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,245724, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,27053, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,72, Private,205343, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,229328, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +>50K,33, Federal-gov,319560, Assoc-voc,11, Divorced, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, Private,136218, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,54576, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,323069, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, ? +<=50K,34, Private,148291, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,32, United-States +<=50K,30, Private,152453, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,114053, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +>50K,54, Private,212960, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,47, Private,264052, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,82804, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Self-emp-not-inc,334273, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,27337, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,43, Self-emp-inc,188436, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,45, United-States +<=50K,45, Private,433665, 7th-8th,4, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,29, Self-emp-not-inc,110663, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Private,87490, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,42, United-States +<=50K,24, Private,354351, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,95469, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,242718, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,12, United-States +>50K,37, Private,22463, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,158156, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +>50K,29, Private,350162, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Male,0,0,40, United-States +<=50K,18, ?,165532, 12th,8, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,36, Self-emp-not-inc,28738, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,58, Local-gov,283635, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,86646, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,65, ?,195733, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,57, Private,69884, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,199713, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,181659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,340939, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,197747, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,29, Private,34292, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, Private,156764, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,25826, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,47, United-States +<=50K,57, Self-emp-inc,103948, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,42, ?,137390, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,55, ?,105138, HS-grad,9, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,60, Private,39352, 7th-8th,4, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +>50K,31, Private,168387, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, Canada +<=50K,23, Private,117789, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,267147, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,99399, Some-college,10, Never-married, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,25, United-States +>50K,42, Self-emp-not-inc,214242, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,25, Private,200408, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,2174,0,40, United-States +<=50K,49, Private,136455, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,239824, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,217039, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,28, United-States +<=50K,60, Private,51290, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,175674, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,194404, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,45612, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +>50K,51, Private,410114, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,182521, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, Local-gov,339772, HS-grad,9, Separated, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,17, Private,169658, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,21, United-States +<=50K,52, Private,200853, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,6849,0,60, United-States +<=50K,24, Private,247564, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,249909, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,26, Local-gov,208122, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,1055,0,40, United-States +<=50K,27, Private,109881, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,207824, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +<=50K,30, Private,369027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,50, Self-emp-not-inc,114117, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,52, Self-emp-inc,51048, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,46, Private,102388, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,23, Private,190483, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,462440, 11th,7, Widowed, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,65, Private,109351, 9th,5, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,24, United-States +<=50K,29, Private,34383, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,241832, 9th,5, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, El-Salvador +<=50K,30, Private,124187, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,60, United-States +>50K,34, Private,153614, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,38, Self-emp-not-inc,267556, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,64, United-States +>50K,33, Private,205469, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Private,268090, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,26, United-States +<=50K,47, Self-emp-not-inc,165039, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Local-gov,120451, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,154374, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, United-States +>50K,30, Private,103649, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,35723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,262601, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,14, United-States +<=50K,21, Private,226181, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Private,175697, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,47, Self-emp-inc,248145, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Cuba +>50K,52, Self-emp-not-inc,289436, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,75654, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Private,199378, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,160968, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,188563, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,31, Private,55849, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,50, Self-emp-inc,195322, Doctorate,16, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,402089, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,71, Private,78277, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,58, ?,158611, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,30, State-gov,169496, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,130959, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,556660, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,4101,0,50, United-States +>50K,35, Private,292472, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,38, State-gov,143774, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,27, Private,288341, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,32, United-States +<=50K,29, State-gov,71592, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,70, ?,167358, 9th,5, Widowed, ?, Unmarried, White, Female,1111,0,15, United-States +<=50K,34, Private,106742, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,219288, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,43, Private,174524, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,335183, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,261293, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,111900, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Local-gov,194360, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,20, Private,81145, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,42, Private,341204, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,8614,0,40, United-States +<=50K,27, State-gov,249362, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3411,0,40, United-States +>50K,42, Private,247019, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,20, ?,114746, 11th,7, Married-spouse-absent, ?, Own-child, Asian-Pac-Islander, Female,0,1762,40, South +<=50K,24, Private,172146, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1721,40, United-States +<=50K,48, Federal-gov,110457, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,80077, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,17, Self-emp-not-inc,368700, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,33, Private,182556, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,219420, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,240817, HS-grad,9, Never-married, Sales, Own-child, White, Female,2597,0,40, United-States +<=50K,17, Private,102726, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,32, Private,226267, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,125457, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,204021, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Local-gov,92262, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +>50K,37, Private,161141, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +>50K,34, Self-emp-not-inc,190290, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,430828, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Male,0,0,40, United-States +<=50K,18, State-gov,59342, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,5, United-States +<=50K,34, Private,136721, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, ?,149422, 7th-8th,4, Never-married, ?, Not-in-family, White, Male,0,0,4, United-States +<=50K,45, Local-gov,86644, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,41, Private,195124, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, Dominican-Republic +<=50K,26, Private,167350, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,54, Local-gov,113000, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,140027, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,45, United-States +<=50K,42, Private,262425, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,316702, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,23, State-gov,335453, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, ?,202480, Assoc-acdm,12, Never-married, ?, Other-relative, White, Male,0,0,45, United-States +>50K,35, Private,203628, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,31, Private,118710, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,30, Private,189620, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, Poland +<=50K,19, Private,475028, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,36, Local-gov,110866, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,243605, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,1380,40, Cuba +<=50K,21, Private,163870, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,31, Self-emp-not-inc,80145, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,295566, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,25236,0,65, United-States +>50K,44, Private,63042, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,40, Private,229148, 12th,8, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Jamaica +<=50K,45, Private,242552, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,60, Private,177665, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,208103, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,28, Private,296450, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,70282, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,271767, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,40, Private,144995, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,4386,0,40, United-States +<=50K,36, Local-gov,382635, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, Honduras +<=50K,31, Private,295697, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,194141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,378418, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,214399, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,34, Private,217460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,182556, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,125831, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,60, United-States +<=50K,29, Private,271328, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +>50K,50, Local-gov,50459, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,42, Private,162140, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +>50K,43, Private,177937, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,44, Private,111502, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,299047, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,31, Private,223212, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,65, Self-emp-not-inc,118474, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,59, ? +<=50K,23, Private,352139, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,55, Private,173093, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,26, Private,181655, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2377,45, United-States +<=50K,25, Private,332702, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,45, ?,51164, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,234901, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,36, Private,131414, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,36, United-States +<=50K,43, State-gov,260960, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,156052, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,594,0,20, United-States +>50K,42, Private,279914, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,192453, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,55, Self-emp-not-inc,200939, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +>50K,42, Private,151408, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,50, United-States +<=50K,26, Private,112847, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,316929, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,42, Local-gov,126319, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,55, Private,197422, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +<=50K,32, Private,267736, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,267034, 11th,7, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, Haiti +<=50K,46, State-gov,193047, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +>50K,29, State-gov,356089, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,22, Private,223515, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,20, United-States +<=50K,58, Self-emp-not-inc,87510, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,145111, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,39, Private,48093, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,31757, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,38, United-States +>50K,54, Private,285854, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,120064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,46, Federal-gov,167381, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,103408, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,101460, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,59, Local-gov,420537, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,34, Local-gov,119411, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,40, Portugal +>50K,53, Self-emp-inc,128272, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,51, Private,386773, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,32, Private,283268, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,42, United-States +<=50K,31, State-gov,301526, Some-college,10, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,151790, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, Germany +<=50K,47, Self-emp-not-inc,106252, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,32, Private,188557, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,171114, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,38, United-States +<=50K,37, Private,327323, 5th-6th,3, Separated, Farming-fishing, Not-in-family, White, Male,0,0,32, Guatemala +<=50K,31, Private,244147, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,55, United-States +>50K,37, Private,280282, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,55, Private,116442, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, Local-gov,282579, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,56, United-States +<=50K,36, Private,51838, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,73585, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,43, Private,226902, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,279129, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,146908, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,28, Private,196690, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,1669,42, United-States +>50K,40, Private,130760, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,49572, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,40, Private,237601, Bachelors,13, Never-married, Sales, Not-in-family, Other, Female,0,0,55, United-States +<=50K,42, Private,169628, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,38, United-States +<=50K,61, Self-emp-not-inc,36671, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2352,50, United-States +<=50K,18, Private,231193, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,59, ?,192130, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,21, ?,149704, HS-grad,9, Never-married, ?, Not-in-family, White, Female,1055,0,40, United-States +>50K,48, Private,102102, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-inc,32185, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,196061, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,33, United-States +<=50K,23, Private,211046, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,2463,0,40, United-States +>50K,60, Private,31577, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,162343, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,61, Private,128831, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,316688, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, Private,90758, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +>50K,43, Private,274363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, England +<=50K,43, Private,154538, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,106085, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,1721,30, United-States +<=50K,68, Self-emp-not-inc,315859, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +<=50K,31, Private,51471, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,17, Private,193830, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,32, Private,231043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,48, United-States +<=50K,50, ?,23780, Masters,14, Married-spouse-absent, ?, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,169879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,47, United-States +>50K,64, Private,270333, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138768, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,30, Private,191571, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,36, United-States +<=50K,22, ?,219941, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Private,94113, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,137510, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,32607, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,47, Self-emp-not-inc,93208, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,75, Italy +<=50K,41, Private,254440, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,56, Private,186556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,169871, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,47, Private,191277, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,167159, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,171871, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,46, United-States +<=50K,29, Private,154411, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,129227, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,110331, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,60, United-States +>50K,57, Private,34269, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,653,42, United-States +<=50K,62, Private,174355, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,680390, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,24, United-States +<=50K,43, Private,233130, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,24, Self-emp-inc,165474, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, ?,257780, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +>50K,53, Private,194259, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386,0,40, United-States +<=50K,26, Private,280093, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,177387, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,28929, 11th,7, Widowed, ?, Not-in-family, White, Female,0,0,24, United-States +<=50K,55, Private,105304, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,499233, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,180572, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,321435, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,63, Private,86108, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,6, United-States +<=50K,17, Private,198124, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,135162, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,51, Private,146813, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,291175, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +>50K,55, Private,387569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,43, Private,102895, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Local-gov,33274, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Private,86551, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,138192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,118966, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,18, United-States +>50K,61, Private,99784, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,90980, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,46, Self-emp-not-inc,177407, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,96467, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,48, State-gov,327886, Doctorate,16, Divorced, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,34, Private,111567, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,34, Local-gov,166545, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,142182, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,188798, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,38563, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,56, United-States +<=50K,18, Private,216284, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,43, Private,191547, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,48, Private,285335, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Self-emp-inc,142712, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,80945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,309055, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,21, Private,62339, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,368700, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,28, United-States +>50K,39, Private,176186, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,266855, Bachelors,13, Separated, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,48087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,121313, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +>50K,71, Self-emp-not-inc,143437, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,10605,0,40, United-States +>50K,51, Self-emp-not-inc,160724, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,2415,40, China +<=50K,55, Private,282753, 5th-6th,3, Divorced, Other-service, Unmarried, Black, Male,0,0,25, United-States +>50K,41, Private,194636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,153044, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,7, United-States +<=50K,38, Private,411797, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,117683, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,376540, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,72393, 9th,5, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,270335, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,40, Philippines +<=50K,27, Private,96226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +>50K,38, Private,95336, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,258498, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,60, United-States +<=50K,63, ?,149698, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,23, Private,205865, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,28, United-States +<=50K,33, Self-emp-inc,155781, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, ? +<=50K,54, Self-emp-not-inc,406468, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,177119, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,2174,0,45, United-States +<=50K,48, ?,144397, Some-college,10, Divorced, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,35, Self-emp-not-inc,372525, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,164170, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, India +>50K,37, Private,183800, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,42, Self-emp-not-inc,177307, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,170108, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,341995, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,22, Private,226508, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +>50K,30, Private,87418, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,109165, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,28856, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,51, Self-emp-not-inc,175897, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,22, Private,99697, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,27, ?,90270, Assoc-acdm,12, Married-civ-spouse, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,152375, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,171550, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +<=50K,37, Private,211154, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,52, United-States +<=50K,24, Private,202570, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,15, United-States +<=50K,37, Self-emp-not-inc,168496, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,53, Private,68898, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,93235, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,278924, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,53, Self-emp-not-inc,311020, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,175878, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,543028, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +>50K,39, Private,202027, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,43, Private,158926, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,50, South +>50K,67, Self-emp-inc,76860, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,81, Self-emp-not-inc,136063, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,186648, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,257509, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,25, Private,98155, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,274198, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,38, Mexico +<=50K,38, Private,97083, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,64, ?,29825, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,32, Private,262153, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,214738, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Private,138022, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,91842, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,42, United-States +<=50K,33, Private,373662, 1st-4th,2, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,42, Private,162003, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, ?,52114, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,51, Local-gov,241843, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,375871, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +>50K,37, Private,186934, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,44, United-States +>50K,37, Private,176900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +<=50K,47, Private,21906, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +>50K,41, Private,132222, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,40, United-States +<=50K,33, Private,143653, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,31, Private,111567, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,78602, Assoc-acdm,12, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Private,465507, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,38, Self-emp-inc,196373, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,293227, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Private,241752, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,166398, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,40, Private,184682, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,36, Self-emp-inc,108293, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,45, United-States +<=50K,43, Private,250802, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,44, Self-emp-not-inc,325159, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,44, State-gov,174675, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,43, Private,227065, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,51, Private,269080, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,177722, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,51, Private,133461, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,239683, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, ? +>50K,44, Self-emp-inc,398473, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,33, Local-gov,298785, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,123424, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,176286, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,150062, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,169240, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, Private,288273, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, Mexico +<=50K,36, Private,526968, 10th,6, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,57066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,323573, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,35, Self-emp-inc,368825, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,55, Self-emp-not-inc,189721, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,48, Private,164966, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,36, ?,94954, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,34, Private,202046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,161538, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,35, United-States +>50K,67, Private,105252, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Male,0,2392,40, United-States +<=50K,37, Private,200153, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,32185, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,70, United-States +<=50K,25, Private,178326, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,255957, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,4101,0,40, United-States +>50K,40, State-gov,188693, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,78, Private,182977, HS-grad,9, Widowed, Other-service, Not-in-family, Black, Female,2964,0,40, United-States +<=50K,34, Private,159929, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,123207, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +<=50K,22, Private,284317, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,184699, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,154474, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,42, United-States +>50K,45, Local-gov,318280, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,254907, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Private,349221, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,35, United-States +<=50K,47, Private,335973, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,126701, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Private,122159, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,3325,0,40, United-States +<=50K,46, Private,187370, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1504,40, United-States +<=50K,41, Private,194636, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,124793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,47, Private,192835, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,290226, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,56, Private,112840, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,89325, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,48, Federal-gov,33109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,58, United-States +<=50K,40, Private,82465, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +>50K,39, Self-emp-inc,329980, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,148294, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,168212, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,65, United-States +>50K,38, State-gov,343642, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Local-gov,115244, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,31, Private,162572, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,58, Private,356067, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,271567, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Self-emp-inc,180804, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,123011, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,52, United-States +<=50K,26, Private,109186, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,51, Private,220537, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,124827, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,767403, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +>50K,42, Private,118494, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,173208, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,48, Private,107373, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,33, Private,26973, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,191965, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,22, Private,122346, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,117201, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,41, Private,198316, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, Japan +>50K,48, Local-gov,123075, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,209370, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,33117, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,129042, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,56, Private,169133, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Yugoslavia +<=50K,30, Private,201624, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,45, ? +>50K,45, Private,368561, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,207848, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,138370, Masters,14, Married-spouse-absent, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +<=50K,31, Private,93106, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, State-gov,223515, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,1719,20, United-States +<=50K,27, Private,389713, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,206365, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,76, ?,431192, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,19, ?,241616, HS-grad,9, Never-married, ?, Unmarried, White, Male,0,2001,40, United-States +<=50K,66, Self-emp-inc,150726, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,1409,0,1, ? +<=50K,37, Private,123785, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,75, United-States +<=50K,34, Private,289984, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,34, ?,164309, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,90, Private,137018, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,137994, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,341204, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,167005, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,24, Private,34446, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,37, United-States +<=50K,28, Private,187160, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,0,0,55, United-States +<=50K,64, ?,196288, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,217961, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,74631, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,36, Private,156667, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,61, Private,125155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,263925, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Canada +>50K,30, Private,296453, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +>50K,52, Self-emp-not-inc,44728, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,193026, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Iran +<=50K,32, Private,87643, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,106742, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,41, Private,302122, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Local-gov,193960, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,45, Private,185385, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,43, Self-emp-not-inc,277647, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,61, Private,128848, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471,0,40, United-States +<=50K,54, Private,377701, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, Mexico +<=50K,34, Private,157886, Assoc-acdm,12, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,175958, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,38, Private,223004, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,199352, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,80, United-States +<=50K,36, Private,29984, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,181651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,117312, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Local-gov,34029, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,38, Private,132879, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +>50K,37, Private,215310, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,48, State-gov,55863, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,46, United-States +<=50K,17, Private,220384, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,19, Self-emp-not-inc,36012, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,137645, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,1590,40, United-States +<=50K,22, Private,191342, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,50, Taiwan +<=50K,49, Private,31339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,227910, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,173728, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Local-gov,167816, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,58, Self-emp-not-inc,81642, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,41, Local-gov,195258, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,232475, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,241259, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,118161, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,201954, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +>50K,42, Private,150533, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,52, United-States +<=50K,38, Private,412296, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,28, United-States +>50K,41, Federal-gov,133060, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,120539, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,196025, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,60, China +<=50K,34, Private,107793, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,163870, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,361280, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,20, India +<=50K,62, Private,92178, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,80710, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,29, Self-emp-inc,260729, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,1977,25, United-States +<=50K,43, Private,182254, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,68, ?,140282, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,45, Self-emp-inc,149865, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,39, Self-emp-inc,218184, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1651,40, Mexico +<=50K,41, Private,118619, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +>50K,34, Self-emp-not-inc,196791, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, United-States +<=50K,34, Local-gov,167999, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,33, United-States +<=50K,31, Private,51259, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,47, United-States +<=50K,29, Private,131088, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,41, Private,118212, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,41, Private,293791, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,35, Self-emp-inc,289430, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Mexico +>50K,33, Private,35378, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,37, State-gov,60227, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,69, Private,168139, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,290763, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,60, Self-emp-inc,226355, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2415,70, ? +<=50K,36, Private,51100, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,227644, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,58, Local-gov,205267, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,53, Private,288020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,29, Private,140863, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,45, Federal-gov,170915, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,4865,0,40, United-States +<=50K,34, State-gov,50178, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,36, Private,112497, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,95244, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,20, Private,117606, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,89508, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,63, Federal-gov,124244, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,154374, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,45, United-States +<=50K,28, Private,294936, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,347132, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, ?,181934, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,316672, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,37, Private,189382, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,42, ?,184018, Some-college,10, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +>50K,31, Private,184307, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Jamaica +>50K,46, Self-emp-not-inc,246212, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, Federal-gov,250504, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,60, United-States +<=50K,27, Private,138705, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,53, United-States +<=50K,41, Private,328447, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,19, Private,194608, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,230891, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,59, Federal-gov,212448, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, Germany +<=50K,40, Private,214010, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,56, Self-emp-not-inc,200235, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,33, Private,354573, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,44, United-States +<=50K,30, Self-emp-inc,205733, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,46, Private,185041, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,61, Self-emp-inc,84409, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,50, Self-emp-inc,293196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,25, Private,241626, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,40, Private,520586, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,39, United-States +<=50K,24, ?,35633, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, ? +<=50K,51, Private,302847, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, United-States +<=50K,43, State-gov,165309, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,117529, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, Mexico +>50K,46, Private,106092, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,28, State-gov,445824, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,26, Private,227332, Bachelors,13, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,20, Private,275691, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,44, Private,193459, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +<=50K,51, Private,284329, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,114691, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,54, Private,96062, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,50, Private,133963, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,40, United-States +<=50K,33, Private,178506, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,65, Private,350498, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,10605,0,20, United-States +<=50K,22, ?,131573, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,88, Self-emp-not-inc,206291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,182302, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,241346, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,50, Private,157043, 11th,7, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,25, Private,404616, Masters,14, Married-civ-spouse, Farming-fishing, Not-in-family, White, Male,0,0,99, United-States +<=50K,20, Private,411862, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,183013, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,58, ?,169982, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,188544, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,50, State-gov,356619, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,45857, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Local-gov,289886, 11th,7, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +>50K,50, ?,146015, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,40, Private,216237, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,416745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,202952, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,167725, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, ?,165637, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,43280, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,65, Private,118779, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,24, State-gov,191269, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,65, United-States +<=50K,27, Local-gov,247507, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,51, Private,239155, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,182862, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,33886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,444304, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,187161, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,49, Local-gov,116892, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Local-gov,176813, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,151616, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,240747, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,50, Private,75472, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, ? +>50K,45, Federal-gov,320818, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,80, United-States +>50K,30, Local-gov,235271, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,166497, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,44, Private,344060, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,221196, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,61, Self-emp-inc,113544, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,321117, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Private,79619, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,22, ?,42004, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,36, Private,135289, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,44, Self-emp-inc,320984, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,60, United-States +<=50K,37, Private,203070, Some-college,10, Separated, Adm-clerical, Own-child, White, Male,0,0,62, United-States +<=50K,31, Private,32406, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,20, United-States +>50K,54, Private,99185, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,20, Private,205839, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,63, ?,150389, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,243631, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7688,0,40, United-States +<=50K,33, ?,163003, HS-grad,9, Divorced, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,41, China +<=50K,31, Private,231263, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,4650,0,45, United-States +>50K,38, Private,200818, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,247379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,349151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,22154, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,176317, HS-grad,9, Widowed, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,22245, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, ? +<=50K,29, Private,236436, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,354078, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-not-inc,166813, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,358740, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, England +<=50K,75, Self-emp-not-inc,208426, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,46, Private,265266, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,52, Federal-gov,31838, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,175034, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,413297, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,106347, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,42, United-States +<=50K,23, Private,174754, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,441454, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,41, Self-emp-not-inc,209344, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,40, Cuba +<=50K,31, Private,185732, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,42, Private,65372, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,33975, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,326297, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, State-gov,194630, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,167414, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,59, United-States +<=50K,38, Local-gov,165799, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,12, United-States +<=50K,62, Private,192866, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,54, Self-emp-inc,166459, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,49, Private,148995, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,190040, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,209432, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,51, Self-emp-inc,229465, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,48, Self-emp-not-inc,397466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,283767, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +<=50K,52, Federal-gov,202452, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,28, Self-emp-not-inc,218555, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,1762,40, United-States +<=50K,29, Private,128604, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,38, Private,65466, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,57, Private,141326, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Federal-gov,369468, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,136137, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,236770, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Private,89534, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,69, ?,195779, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,1, United-States +<=50K,73, Private,29778, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,22, Self-emp-inc,153516, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,31, Private,163594, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,38, Private,189623, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,50, Self-emp-not-inc,343748, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,37, Private,387430, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,37, United-States +<=50K,44, Local-gov,409505, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,200734, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,27, Private,115831, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,150296, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,80, United-States +<=50K,25, Private,323545, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,232577, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,51, Local-gov,152754, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,129007, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +>50K,67, Private,171584, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,6514,0,7, United-States +<=50K,47, Private,386136, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,342865, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,186785, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1876,50, United-States +>50K,42, Federal-gov,158926, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,65, ?,36039, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,164019, Some-college,10, Never-married, Farming-fishing, Own-child, Black, Male,0,0,10, United-States +>50K,50, Private,88926, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178,0,40, United-States +<=50K,46, Private,188861, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,370119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,57, Private,182062, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,37238, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,50, Private,421132, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,178660, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,795830, 1st-4th,2, Widowed, Other-service, Unmarried, White, Female,0,0,30, El-Salvador +<=50K,39, Private,278403, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,46, Private,279661, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,36, Private,113397, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,280093, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,50, United-States +<=50K,21, Private,236696, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,57, United-States +<=50K,41, Private,265266, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,34935, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,58222, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,301010, Some-college,10, Never-married, Armed-Forces, Not-in-family, Black, Male,0,0,60, United-States +<=50K,29, Private,419721, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Japan +>50K,58, Self-emp-inc,186791, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,180686, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,209103, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,37, Private,32668, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,29, Private,256956, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,202203, 5th-6th,3, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,43, Private,85995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,49, Private,125421, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,283037, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,192932, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,244689, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,51, Private,179646, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,509350, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, Canada +<=50K,24, Private,96279, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,119098, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,35, ?,327120, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,55, United-States +>50K,41, State-gov,144928, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Private,55237, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,61, Local-gov,101265, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,1471,0,35, United-States +<=50K,20, Private,114874, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,27, Private,190525, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Private,121912, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +>50K,39, Private,83893, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,138507, 10th,6, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,47, Private,256522, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +>50K,52, Private,168381, HS-grad,9, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +<=50K,24, Private,293579, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,29, Private,285290, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,188488, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,324469, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,275244, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,35, United-States +<=50K,57, Private,265099, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,51, Private,146767, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,40681, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,3674,0,16, United-States +<=50K,39, Private,174938, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,240124, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,269708, Bachelors,13, Divorced, Tech-support, Own-child, White, Female,2329,0,16, United-States +<=50K,38, State-gov,34180, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,225904, Prof-school,15, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,57, Private,89392, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,46857, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, State-gov,105363, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,195105, HS-grad,9, Never-married, Sales, Not-in-family, Other, Male,0,0,40, United-States +<=50K,35, Private,184117, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,61, Self-emp-inc,134768, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,17, ?,145886, 11th,7, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,36, Private,153078, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, ? +<=50K,62, ?,225652, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,3411,0,50, United-States +>50K,34, Private,467108, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Self-emp-inc,199765, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,42, Private,173938, HS-grad,9, Separated, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,191161, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,132606, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,30073, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1848,60, United-States +<=50K,40, Private,155190, 10th,6, Never-married, Craft-repair, Other-relative, Black, Male,0,0,55, United-States +<=50K,31, Private,42900, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,37, United-States +<=50K,36, Private,191161, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,181820, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,105974, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +>50K,52, Private,146378, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,103440, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,51, Private,203435, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, Italy +<=50K,31, Federal-gov,168312, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,257764, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,171301, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,53, Federal-gov,225339, Some-college,10, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,152234, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,40, Japan +<=50K,20, Private,444554, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,403788, Assoc-acdm,12, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,61, ?,190997, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,43, Private,221550, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,30, Poland +<=50K,46, Self-emp-inc,98929, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,43, Local-gov,169203, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,102332, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,230684, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,54, Private,449257, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,65, Private,198766, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,32, Private,97429, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Canada +<=50K,25, Private,208999, Some-college,10, Separated, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,37072, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Local-gov,163101, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,119075, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,37, Self-emp-not-inc,137314, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,127303, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,37, Private,349116, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,44, United-States +>50K,40, Self-emp-not-inc,266324, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Male,0,1564,70, Iran +<=50K,19, ?,194095, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,46496, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,5, United-States +<=50K,27, Private,29904, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Local-gov,289403, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1887,40, ? +<=50K,59, Private,226922, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,1762,30, United-States +<=50K,19, Federal-gov,234151, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Private,238287, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,42, Private,230624, 10th,6, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,54, Private,398212, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013,0,40, United-States +<=50K,54, Self-emp-not-inc,114758, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,246519, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2105,0,45, United-States +>50K,50, Private,137815, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,260696, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,325007, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, United-States +<=50K,50, Private,113176, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,66815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, ?,51795, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,32, United-States +>50K,24, Private,241523, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,30226, 11th,7, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +>50K,39, Local-gov,352628, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,50, United-States +<=50K,37, Private,143912, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,130021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,329778, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,196945, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,78, Thailand +>50K,39, Private,24342, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Private,34368, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,52, Self-emp-not-inc,173839, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, State-gov,73211, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,32, Private,86723, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,52, United-States +>50K,31, Private,179186, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,90, United-States +>50K,31, Private,127610, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,115070, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,172582, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,256202, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,202872, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,41, Private,184102, 11th,7, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Federal-gov,130703, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,134727, 11th,7, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,43, Germany +>50K,45, Self-emp-inc,36228, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386,0,35, United-States +<=50K,39, Private,297847, 9th,5, Married-civ-spouse, Other-service, Wife, Black, Female,3411,0,34, United-States +<=50K,19, Private,213644, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,173796, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,49, Private,147322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Peru +<=50K,59, Private,296253, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,180871, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,169882, Some-college,10, Never-married, ?, Own-child, White, Female,594,0,15, United-States +<=50K,35, State-gov,211115, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,183870, 10th,6, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,441620, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,43, Mexico +>50K,36, Federal-gov,218542, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,141327, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +>50K,47, Private,67716, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,175339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,60, United-States +<=50K,61, ?,347089, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,36, Private,336595, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,27997, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,145574, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1902,60, United-States +<=50K,50, Private,30447, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,256866, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,40, United-States +<=50K,44, Self-emp-not-inc,120837, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,66, United-States +>50K,51, Private,185283, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,44, Self-emp-inc,229466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,298225, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, Private,185749, 11th,7, Widowed, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,17, ?,333100, 10th,6, Never-married, ?, Own-child, White, Male,1055,0,30, United-States +>50K,49, Self-emp-inc,125892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Private,563883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,56, Private,311249, HS-grad,9, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Private,221757, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,45, United-States +<=50K,22, Private,310152, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, ?,211453, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,2, United-States +>50K,41, Self-emp-inc,94113, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,48, Self-emp-inc,192945, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,46, Private,161508, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,30, Private,177675, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,51100, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,100584, 10th,6, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,70, Federal-gov,163003, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,67728, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,45, United-States +<=50K,49, Private,101320, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,75, United-States +<=50K,24, Private,42706, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +>50K,40, Private,228535, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,36, United-States +>50K,61, Private,120939, Prof-school,15, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,5, United-States +<=50K,25, Private,98283, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Local-gov,216481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, State-gov,208869, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,11, United-States +<=50K,22, Private,207940, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,36, United-States +<=50K,47, Private,34248, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,38, Private,83727, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,48, United-States +<=50K,26, Private,183077, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,197850, 11th,7, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,24, United-States +<=50K,33, Self-emp-not-inc,235271, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,43, Self-emp-not-inc,35236, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,255822, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,263925, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,26, Private,256263, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +>50K,43, Local-gov,293535, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,209448, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105,0,40, Mexico +<=50K,30, Private,57651, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,2001,42, United-States +<=50K,25, Private,174592, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,57, Federal-gov,278763, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,175232, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,32, Private,402812, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,101150, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,41, United-States +>50K,45, Private,103538, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, State-gov,156877, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,35, United-States +<=50K,27, Private,23940, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,28, Self-emp-inc,210295, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,80058, 11th,7, Divorced, Sales, Not-in-family, White, Male,0,0,43, United-States +<=50K,35, Private,187119, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,1980,65, United-States +>50K,36, Self-emp-not-inc,105021, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,225775, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,395831, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,49, Private,50282, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325,0,45, United-States +<=50K,20, Private,32732, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,64, Self-emp-inc,179436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,60, ?,290593, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,123253, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,58, State-gov,48433, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,245317, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,431745, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,14, United-States +<=50K,42, State-gov,436006, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,224943, Some-college,10, Married-spouse-absent, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,167990, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,65, United-States +>50K,37, Self-emp-inc,217054, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,66, Self-emp-not-inc,298834, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Self-emp-inc,125000, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +<=50K,44, Private,123983, Bachelors,13, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +>50K,46, Private,155489, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,58, United-States +<=50K,59, Private,284834, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,2885,0,30, United-States +<=50K,25, Private,212495, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,1340,40, United-States +<=50K,17, Local-gov,32124, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,9, United-States +<=50K,47, Local-gov,246891, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,47, State-gov,141483, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,31985, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,170800, Some-college,10, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,26, Local-gov,166295, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,2339,55, United-States +<=50K,20, Private,231286, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,15, United-States +<=50K,33, Private,159322, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,48, Private,176026, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,118025, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,37, Private,26898, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,12, United-States +<=50K,47, Private,232628, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,40, Private,85995, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Private,125421, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,245305, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,42, United-States +<=50K,50, Private,73493, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,197058, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,122116, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,75742, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,214731, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,265954, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, State-gov,197156, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,62, Private,162245, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1628,70, United-States +<=50K,39, Local-gov,203070, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Local-gov,165695, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,473040, 5th-6th,3, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,168107, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,163494, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,180342, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,122381, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +<=50K,27, Private,148069, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,200973, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,130806, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,56, Private,117148, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,213977, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,62, Private,134768, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, ? +<=50K,44, Private,139338, 12th,8, Divorced, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,23, Private,315877, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,41, Self-emp-not-inc,195124, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, ? +<=50K,25, Private,352057, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,21, Private,236684, Some-college,10, Never-married, Other-service, Other-relative, Black, Female,0,0,8, United-States +<=50K,18, Private,208447, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,6, United-States +<=50K,45, Private,149640, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,75, ?,111177, Bachelors,13, Widowed, ?, Not-in-family, White, Female,25124,0,16, United-States +<=50K,51, Private,154342, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,141459, HS-grad,9, Separated, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,47, Private,111797, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, Outlying-US(Guam-USVI-etc) +<=50K,29, Private,111900, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,78707, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Local-gov,160574, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,174714, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,19, ?,62534, Bachelors,13, Never-married, ?, Own-child, Black, Female,0,0,40, Jamaica +>50K,44, Private,216907, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,24, Private,198148, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,124265, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,49, ?,261059, 10th,6, Separated, ?, Own-child, White, Male,2176,0,40, United-States +<=50K,52, Private,208137, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,257250, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,52, United-States +<=50K,24, State-gov,147253, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Local-gov,244268, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,72, ?,213255, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +>50K,26, Private,266912, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,169104, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,29, Private,200511, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,39, Private,128715, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,10520,0,40, United-States +<=50K,48, Self-emp-not-inc,65535, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,40, Private,103395, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,71046, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, Scotland +<=50K,28, Self-emp-not-inc,125442, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,169188, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,121471, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,207281, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,26, Local-gov,46097, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,206671, Some-college,10, Never-married, ?, Own-child, White, Male,1055,0,50, United-States +>50K,55, Private,98361, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, ? +<=50K,38, Self-emp-not-inc,322143, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +>50K,33, Private,149184, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Local-gov,119829, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +<=50K,37, Private,910398, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,176570, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,24, Private,216129, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,27207, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,57, State-gov,68830, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, State-gov,178818, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,57, Private,236944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,46, State-gov,273771, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,318533, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,35, ?,451940, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,102318, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,379350, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,21095, Some-college,10, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,58, Self-emp-not-inc,211547, 12th,8, Divorced, Sales, Not-in-family, White, Female,0,0,52, United-States +>50K,36, Private,85272, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,45, Private,46406, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, England +>50K,54, Private,53833, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,161007, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,60, Private,53707, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,370119, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,26, Private,310907, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,32, Private,375833, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,38, Local-gov,107513, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-not-inc,58683, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,44, Self-emp-not-inc,179557, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,37, Private,70240, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,44, Private,147206, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175548, HS-grad,9, Never-married, Other-service, Not-in-family, Other, Female,0,0,35, United-States +>50K,61, Self-emp-not-inc,163174, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,126010, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,147876, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,15024,0,60, United-States +<=50K,45, Private,428350, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,1740,40, United-States +<=50K,36, ?,200904, Assoc-acdm,12, Married-civ-spouse, ?, Wife, Black, Female,0,0,21, Haiti +<=50K,39, Private,328466, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,2407,0,70, Mexico +<=50K,67, Local-gov,258973, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +>50K,40, State-gov,345969, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,127796, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +<=50K,37, Private,405723, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,57, Private,175942, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,284196, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,89718, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,2202,0,48, United-States +>50K,34, Self-emp-inc,175761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,54, Private,206369, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,50, United-States +<=50K,52, Private,158993, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,38, United-States +>50K,42, Private,285066, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,48, Private,126754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,65, State-gov,209280, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,6514,0,35, United-States +<=50K,55, Self-emp-not-inc,52888, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,10, United-States +>50K,71, Self-emp-inc,133821, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,33, Private,240763, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,39054, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,119272, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,59, Private,143372, 10th,6, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,323421, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,36, Self-emp-not-inc,136028, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,26, Self-emp-not-inc,163189, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,34, Local-gov,202729, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,41, Private,421871, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, Italy +<=50K,26, ?,211798, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,198901, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,214617, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,16, United-States +<=50K,55, Self-emp-not-inc,179715, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,18, United-States +<=50K,49, Local-gov,107231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,40, United-States +>50K,44, Private,110355, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,184378, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,273454, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Cuba +<=50K,44, Private,443040, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,39, ?,71701, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +>50K,50, Self-emp-inc,160151, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,107991, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,52, Private,94391, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,99835, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,44, Private,43711, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,43, Private,83756, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,51, Private,120914, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2961,0,40, United-States +<=50K,20, Private,180052, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,47, Private,170846, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Italy +<=50K,43, Private,37937, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,64, ?,168340, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,24, Private,38455, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,128059, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,420895, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,166744, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,12, United-States +<=50K,26, Private,238768, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,43, Private,176270, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,50, Private,140592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,20, Self-emp-not-inc,211466, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,80, United-States +>50K,37, Private,188540, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,43, Private,39581, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,45, United-States +>50K,37, Private,171150, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,53, Private,117496, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,36, Canada +>50K,44, Private,145160, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,28520, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,103851, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,1055,0,20, United-States +<=50K,19, Private,375077, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +>50K,53, State-gov,281590, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,44, Private,151504, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,51, Private,415287, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1902,40, United-States +<=50K,49, Private,32212, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,43, United-States +<=50K,35, Private,123606, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,202565, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Private,177927, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,256723, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,18, Private,46247, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,266926, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,112031, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, ?,376277, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,168817, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Private,187487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,32, ?,158784, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,67222, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,45, China +>50K,43, Private,201723, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,73, Private,267408, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,15, United-States +<=50K,47, Federal-gov,168191, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,49, Private,105444, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,39, United-States +>50K,38, Private,156728, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,148600, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,19914, Some-college,10, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,42, Private,190767, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Private,233955, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, China +>50K,35, Private,30381, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,187069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,367314, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,101119, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +>50K,38, Private,86551, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,48, United-States +>50K,40, Local-gov,218995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,57711, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,44, Private,303521, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,199067, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,247445, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,49, Private,186078, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,31, Private,77634, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,24, Private,180060, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,6849,0,90, United-States +<=50K,46, Private,56482, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,314177, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,239755, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,27, Private,377680, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,64, Self-emp-not-inc,134960, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,35, United-States +<=50K,26, Private,294493, Bachelors,13, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,32616, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1719,16, United-States +>50K,45, Private,182655, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,45, ? +<=50K,57, Local-gov,52267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +>50K,30, Private,117963, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,98881, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,32, United-States +<=50K,50, Private,196963, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,166988, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,193459, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,182342, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,32, Private,496743, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,154781, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,219371, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Private,99179, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,224910, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,304651, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Private,349689, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,106850, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Self-emp-not-inc,196328, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +<=50K,25, Private,169323, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,162924, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,40, Self-emp-not-inc,34037, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,51, ?,167651, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,197384, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,42, Private,251795, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,65, ?,266081, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,165309, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,215873, 10th,6, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,45, United-States +>50K,46, Private,133938, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,27828,0,50, United-States +>50K,49, Private,159816, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,20, United-States +<=50K,24, Private,228424, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,32, Private,195576, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,105200, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,6767,0,20, United-States +>50K,26, Private,167350, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,29, Private,52199, HS-grad,9, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,171338, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,51, Private,120173, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,50, United-States +<=50K,17, ?,158762, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,49, Private,169818, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,31, Private,288419, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,207546, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,147707, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,0,2339,40, United-States +<=50K,17, ?,228373, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,193882, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +>50K,38, Private,31033, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,37, Private,272950, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,183523, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,238415, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,19302, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,2202,0,38, United-States +>50K,42, Local-gov,339671, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,8614,0,45, United-States +>50K,35, Local-gov,103260, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +>50K,39, Private,79331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, United-States +<=50K,40, Private,135056, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,66, Private,142723, 5th-6th,3, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,30, Federal-gov,188569, 9th,5, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,57322, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,178309, 9th,5, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,166107, Masters,14, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Private,53042, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Trinadad&Tobago +>50K,33, Private,155343, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,35595, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,429507, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,50, Federal-gov,159670, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,151210, 7th-8th,4, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,186792, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,204640, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,87205, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +>50K,38, Self-emp-inc,112847, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,41, Private,107306, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,40, United-States +<=50K,50, State-gov,211319, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,59, Private,183606, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,205390, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,49, United-States +<=50K,73, Local-gov,232871, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,2228,0,10, United-States +<=50K,52, Self-emp-inc,101017, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +<=50K,57, Private,114495, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,35, Private,183898, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,51, Private,163921, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,22, Private,311764, 11th,7, Widowed, Sales, Own-child, Black, Female,0,0,35, United-States +>50K,49, Private,188330, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,267174, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,46, Local-gov,36228, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,48, Private,199739, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,185407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +>50K,43, State-gov,206139, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,282063, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,332379, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,418324, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,36, United-States +<=50K,19, ?,263338, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +>50K,51, Private,158948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,51, Private,221532, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,22, Self-emp-not-inc,202920, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,99999,0,40, Dominican-Republic +<=50K,37, Local-gov,118909, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,19, Private,286469, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,45, Private,191914, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,55, United-States +<=50K,21, State-gov,142766, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,52, Private,198744, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Local-gov,272780, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,42, State-gov,219553, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,56, Private,261232, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,64292, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,312131, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,30713, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,246439, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,338105, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,23, Private,228243, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,34, Local-gov,62463, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,40, United-States +<=50K,38, Private,31603, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,165054, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,121618, 7th-8th,4, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,45, Federal-gov,273194, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,3325,0,40, United-States +<=50K,21, ?,163665, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,538319, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Puerto-Rico +<=50K,34, Private,238246, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Self-emp-inc,244665, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,45, United-States +<=50K,21, Private,131811, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,63, ?,231777, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,156807, 9th,5, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,36, United-States +<=50K,28, Private,236861, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,229842, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,45, United-States +<=50K,25, Local-gov,190057, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,44, State-gov,55076, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,18, Private,152545, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,26, Private,153434, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,47, Local-gov,171095, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,239322, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,138999, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,61, Local-gov,95450, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,25, Private,176520, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,38, Local-gov,72338, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,54, United-States +<=50K,60, ?,386261, Bachelors,13, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,15, United-States +<=50K,23, Private,235722, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,36, Federal-gov,128884, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,46, Private,187226, 9th,5, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,32, Self-emp-not-inc,298332, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,173607, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,226756, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,31, Private,157887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,32, State-gov,171111, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,37, United-States +<=50K,21, Private,126314, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +>50K,63, Private,174018, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,144778, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Self-emp-not-inc,201522, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, ?,22966, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,30, Private,399088, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,282202, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, El-Salvador +>50K,42, Private,102606, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,246862, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Italy +<=50K,27, Federal-gov,508336, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,48, United-States +<=50K,27, Local-gov,263431, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,235733, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,68, Private,107910, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,184425, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,22, Self-emp-not-inc,143062, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Greece +<=50K,25, Private,199545, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,15, United-States +<=50K,68, Self-emp-not-inc,197015, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,149617, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,16, United-States +<=50K,26, Private,33610, HS-grad,9, Divorced, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,34, Private,192002, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,68, Private,67791, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Local-gov,445382, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,112283, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,157249, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,109872, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,119838, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,29, Private,149943, Some-college,10, Never-married, Other-service, Not-in-family, Other, Male,0,1590,40, ? +<=50K,65, Without-pay,27012, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Female,0,0,50, United-States +<=50K,31, Private,91666, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,270276, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,179271, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Private,161819, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Local-gov,339681, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,45, United-States +<=50K,26, Self-emp-not-inc,219897, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,91683, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,36, Private,188834, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,187046, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,191807, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,48, United-States +<=50K,52, Self-emp-inc,179951, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,324420, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,41, Self-emp-not-inc,66632, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Local-gov,121718, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,47, Private,162034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,28, Local-gov,218990, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,46, United-States +<=50K,25, Local-gov,125863, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,225330, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,120426, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,119741, Masters,14, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,32000, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +<=50K,21, ?,124242, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,278581, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,30, Private,230224, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,30, Private,204374, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1741,48, United-States +<=50K,45, Private,188386, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1628,45, United-States +<=50K,20, Private,164922, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,195176, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,43, Private,166740, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,50, ?,156008, 11th,7, Married-civ-spouse, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Private,162551, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,48, China +>50K,25, Private,211231, HS-grad,9, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,48, United-States +<=50K,25, Private,169990, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,221832, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Local-gov,255454, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +<=50K,35, Private,28160, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,50, State-gov,159219, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Canada +<=50K,26, Local-gov,103148, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,165186, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,31782, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,249101, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,243190, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,18, Local-gov,153405, 11th,7, Never-married, Adm-clerical, Other-relative, White, Female,0,0,25, United-States +>50K,37, Private,329980, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,57, Private,176079, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, State-gov,218542, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, State-gov,303446, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, Nicaragua +>50K,40, Private,102606, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,483201, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,77, Local-gov,144608, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,6, United-States +<=50K,30, Private,226013, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,165475, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,263637, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,201495, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,68, Private,213720, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,170483, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,26, Private,214303, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Private,190511, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,242150, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +>50K,51, Local-gov,159755, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,147629, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,49, Private,268022, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,188711, Bachelors,13, Never-married, Transport-moving, Unmarried, White, Male,0,0,20, United-States +<=50K,29, Private,452205, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,21, Private,260847, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,28, Private,291374, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,189933, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,133969, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, South +<=50K,35, Private,330664, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, ?,672412, 11th,7, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,26, Private,122999, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +<=50K,30, Private,111415, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, Germany +<=50K,33, Private,217235, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,40, Private,121956, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550,0,40, Cambodia +<=50K,23, Private,120172, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,343403, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,104790, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,39, Local-gov,473547, 10th,6, Divorced, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,260106, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,49, Federal-gov,168232, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,348491, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, Private,24106, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +>50K,60, Self-emp-inc,197553, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,29, Private,421065, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,54, Self-emp-inc,138852, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, ?,169631, Assoc-acdm,12, Married-AF-spouse, ?, Wife, White, Female,0,0,3, United-States +<=50K,34, Private,379412, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,181992, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +<=50K,19, Private,365640, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, ? +<=50K,26, Private,236564, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,363418, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,50, Private,112351, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +>50K,30, Private,204704, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,44, Private,54611, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,49, Private,128132, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,75, Self-emp-not-inc,30599, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Private,379522, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,51, State-gov,196504, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,38, United-States +<=50K,35, Private,82552, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,28, Private,104024, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,293114, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409,0,40, United-States +>50K,72, Private,74141, 9th,5, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,48, United-States +<=50K,39, Private,192337, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,262478, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,30, United-States +<=50K,57, Private,185072, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,24, Private,296045, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,38, United-States +<=50K,28, Private,246595, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,70, United-States +<=50K,23, Private,54472, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,331065, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1408,40, United-States +<=50K,23, Private,161708, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,31, Private,264936, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Local-gov,113545, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,212237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,45, United-States +<=50K,31, Private,170430, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, ? +<=50K,34, Private,173806, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,4865,0,60, United-States +<=50K,57, Federal-gov,370890, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,2258,40, United-States +>50K,39, Private,505119, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +<=50K,23, Private,193089, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Local-gov,33432, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,103110, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, England +<=50K,32, Private,160362, Some-college,10, Divorced, Other-service, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,35, Private,204621, Assoc-acdm,12, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,35309, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,154373, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,50, United-States +>50K,47, Private,194772, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,154410, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Federal-gov,220563, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,253354, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Private,211699, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +>50K,63, Self-emp-not-inc,167501, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051,0,10, United-States +<=50K,34, Private,229732, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,185465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,335764, 11th,7, Married-civ-spouse, Sales, Own-child, Black, Male,0,0,35, United-States +<=50K,23, Private,460046, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +<=50K,19, ?,33487, Some-college,10, Never-married, ?, Other-relative, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,176924, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,49, State-gov,213307, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,83893, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,194102, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,61, Private,238611, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,38, United-States +<=50K,41, Private,113597, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,16, United-States +>50K,27, Self-emp-not-inc,208406, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,274528, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,17, Self-emp-not-inc,60116, 10th,6, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,23, ?,196816, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,53, Private,166368, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,303954, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,42, United-States +<=50K,24, Private,99386, Bachelors,13, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,188569, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,302868, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,283342, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,24, Private,233777, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,50, Mexico +<=50K,20, Private,170038, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,261319, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, State-gov,367237, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +<=50K,34, Private,126838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,354104, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,176321, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,47, Private,85129, HS-grad,9, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,20, ?,376474, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,32, United-States +<=50K,22, Private,62507, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,42, Local-gov,111252, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,60, Private,156889, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,549430, HS-grad,9, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, Mexico +>50K,46, Private,29696, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,98837, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,86150, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,34, Private,204991, Some-college,10, Divorced, Exec-managerial, Own-child, White, Male,0,0,44, United-States +<=50K,45, Private,371886, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,46, United-States +<=50K,35, Private,103605, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,63, ?,54851, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,133050, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,36, Local-gov,126569, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Federal-gov,144259, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,51, Private,161482, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Self-emp-not-inc,305449, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,125010, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,47, Private,304133, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,59, Local-gov,120617, HS-grad,9, Separated, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,34, Private,157747, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,297396, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,42, Private,121287, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, ?,308493, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,17, Honduras +>50K,37, Private,49115, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,51, Self-emp-inc,208302, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,25, Private,304032, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,36, United-States +>50K,31, Federal-gov,207301, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,37, Private,123211, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, United-States +>50K,42, Private,33521, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,29, ?,410351, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,410034, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Private,175339, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,47, United-States +<=50K,22, ?,27937, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +>50K,49, Private,168211, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,26, Private,125680, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,16, Japan +<=50K,56, Local-gov,160829, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +>50K,52, Private,266529, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,115023, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, ? +>50K,47, State-gov,224149, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,150930, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,343699, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,172826, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,55, United-States +<=50K,35, Private,163392, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,17, ?,103810, 12th,8, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,213821, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,211265, Some-college,10, Married-spouse-absent, Craft-repair, Other-relative, Black, Female,0,0,35, Dominican-Republic +<=50K,58, Local-gov,160586, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,66, Private,146454, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5556,0,40, United-States +>50K,30, Private,203277, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,309895, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,26522, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,35, United-States +<=50K,57, Private,103809, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,90291, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,21, State-gov,181761, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,37, Private,35330, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1669,55, United-States +<=50K,45, Local-gov,135776, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,61, ?,188172, Doctorate,16, Widowed, ?, Not-in-family, White, Female,0,0,5, United-States +<=50K,39, Private,179579, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,193626, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,53, United-States +<=50K,20, Private,108887, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,199070, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Male,0,0,16, United-States +<=50K,25, Private,441591, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,185254, 5th-6th,3, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, El-Salvador +<=50K,24, Private,109307, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,20, ?,81853, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,35, Private,23621, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +>50K,44, Local-gov,145178, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,38, Jamaica +<=50K,47, State-gov,30575, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, State-gov,130620, 11th,7, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +<=50K,41, Local-gov,22155, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,31, Private,106437, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,79787, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,47, Private,326857, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,44, Private,81853, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,61, Private,120933, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Federal-gov,153143, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, Puerto-Rico +<=50K,46, Private,27669, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,46, Private,105444, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Local-gov,169785, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,49, Private,122493, HS-grad,9, Widowed, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,56, Local-gov,242670, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,54933, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,209317, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,25, Self-emp-not-inc,282631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,98044, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,187487, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,60186, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,75648, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,201175, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,19302, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, ?,300812, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,44, Private,146659, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,35, United-States +<=50K,75, Private,101887, 10th,6, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,70, United-States +<=50K,66, ?,117778, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,60726, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,33, Self-emp-inc,201763, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-inc,119253, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,65, United-States +>50K,47, Self-emp-not-inc,121124, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, Italy +>50K,41, Private,220132, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,21, Private,60639, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,17, Private,195262, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,17, United-States +<=50K,61, ?,113544, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +>50K,47, ?,331650, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,22, Private,100587, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,15, United-States +<=50K,47, Private,298130, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,242391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,197867, Assoc-voc,11, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,59, Private,151977, 10th,6, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,30, United-States +<=50K,38, Private,277347, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,125249, HS-grad,9, Separated, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,222142, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,270194, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,169995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,27, Private,359155, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,60, Private,123992, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,64, Local-gov,266080, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,37, Private,201531, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,179704, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,36, Private,393673, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,34, Private,244147, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,41, Self-emp-not-inc,438696, Masters,14, Divorced, Sales, Unmarried, White, Male,0,0,5, United-States +<=50K,35, Self-emp-not-inc,207568, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +>50K,63, Self-emp-inc,54052, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,46, Private,187581, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,77102, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,353010, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,29, Private,54131, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,74, Federal-gov,39890, Some-college,10, Widowed, Transport-moving, Not-in-family, White, Female,0,0,18, United-States +>50K,50, Private,156877, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,22, Private,355686, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,300168, 12th,8, Separated, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,30, Private,488720, 9th,5, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,32, Private,157287, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,49, Private,214169, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,192149, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,137253, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,373050, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,90377, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,6767,0,60, United-States +<=50K,28, Federal-gov,183151, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,227158, Bachelors,13, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Local-gov,34021, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,31, Private,165148, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,12, United-States +>50K,47, Private,211668, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +>50K,45, Private,358886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,47707, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,306982, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,49, Local-gov,52590, HS-grad,9, Widowed, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, ?,179352, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,27, Private,158156, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,42, United-States +<=50K,42, Private,70055, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,60, ?,131852, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,64, Self-emp-not-inc,177825, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,1055,0,40, United-States +>50K,33, Private,127215, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,175183, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,142287, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,221324, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,227602, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,37, Mexico +<=50K,22, Private,228452, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,57, State-gov,39380, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, ?,96862, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,23, Private,336360, 7th-8th,4, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,31, Private,257644, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,23, State-gov,235853, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,22, United-States +<=50K,30, Private,270577, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,32, Local-gov,222900, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,42, Private,99254, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,51, Private,224763, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +>50K,59, Self-emp-not-inc,174056, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,36, Private,127306, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,339506, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,178322, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,33, Private,189843, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,160815, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,60, Private,207665, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,37, State-gov,160402, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,170263, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,184659, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,52, United-States +>50K,38, Federal-gov,338320, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,54, Private,101017, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,204322, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Private,241350, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,63, Federal-gov,217994, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,128143, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,164065, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,18, United-States +<=50K,64, Local-gov,78866, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,236769, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,44, Federal-gov,239539, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,39, Private,34028, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,48, United-States +<=50K,45, State-gov,207847, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,175935, Doctorate,16, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,22, Federal-gov,218445, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,63, Self-emp-inc,215833, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,156976, Assoc-voc,11, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,220647, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,218343, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,29, Private,241431, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,38, Local-gov,123983, Bachelors,13, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,1741,40, Vietnam +<=50K,25, Private,73289, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,408623, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,46, Private,169180, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,54929, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, Private,306779, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,35, United-States +>50K,43, Private,159549, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,482082, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,21, Mexico +<=50K,32, Local-gov,286101, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,0,0,37, United-States +<=50K,44, Private,167955, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,40, Self-emp-not-inc,209040, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,105017, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,27776, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,242941, Some-college,10, Never-married, Sales, Own-child, White, Female,0,1602,10, United-States +<=50K,41, Private,118853, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,119565, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,196827, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,275361, Assoc-acdm,12, Widowed, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,42, Private,225193, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,329783, 10th,6, Never-married, Sales, Other-relative, White, Female,0,0,10, United-States +<=50K,29, Local-gov,107411, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,21, State-gov,258490, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, ?,120243, 11th,7, Never-married, ?, Own-child, White, Male,0,0,27, United-States +>50K,31, Private,219509, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,27, Local-gov,29174, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,40083, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +<=50K,23, Private,87528, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,41, Private,116379, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,55, Taiwan +>50K,46, Local-gov,216214, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,268051, Some-college,10, Married-civ-spouse, Protective-serv, Other-relative, Black, Female,0,0,25, Haiti +<=50K,42, Self-emp-not-inc,121718, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,18, Private,201901, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,1719,15, United-States +<=50K,46, Private,109089, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,37, United-States +<=50K,18, ?,346382, 11th,7, Never-married, ?, Own-child, White, Male,0,0,15, United-States +>50K,52, Private,284129, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,143030, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,212619, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,199011, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,20, United-States +<=50K,31, Private,118901, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,41, Self-emp-not-inc,129865, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,157900, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,349341, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,158685, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,386585, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,60, United-States +<=50K,90, Private,52386, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +>50K,45, Private,246891, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +>50K,30, Private,190385, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,37869, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,217807, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,53, Private,149784, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,64, State-gov,201293, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,56, Private,128764, 7th-8th,4, Widowed, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +>50K,42, Private,27444, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,26, Private,62438, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,31, Local-gov,151726, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,29841, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,131608, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,110562, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,190541, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,47, United-States +>50K,62, State-gov,33142, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,65, Self-emp-inc,139272, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +<=50K,40, Private,234633, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Local-gov,238386, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,460835, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +<=50K,23, ?,243190, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, China +>50K,63, Federal-gov,97855, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,77146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,37, Private,200863, Some-college,10, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,25, ?,41107, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, Canada +<=50K,56, Private,77415, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,236770, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Federal-gov,173093, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,1887,40, Philippines +<=50K,32, Private,235124, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,23, Self-emp-not-inc,282604, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,60, United-States +<=50K,35, Private,199288, 11th,7, Separated, Transport-moving, Not-in-family, White, Male,0,0,90, United-States +>50K,51, Private,191659, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,65, United-States +<=50K,19, Private,43285, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,160837, 11th,7, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,22, Private,230574, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,23, Private,176178, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,116358, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,27, ?,253873, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,45, Private,107787, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,23, Self-emp-not-inc,519627, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, Mexico +<=50K,21, Private,191460, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Private,198282, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,29, Private,214858, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,64875, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,675421, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,40, United-States +>50K,62, Self-emp-not-inc,134768, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Federal-gov,207342, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Private,64830, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,31, Private,220066, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,14344,0,50, United-States +>50K,37, Private,82521, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,33, Private,176711, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, England +<=50K,22, ?,217421, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,28, Private,111900, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,22, ?,196943, Some-college,10, Separated, ?, Own-child, White, Male,0,0,25, United-States +>50K,47, Private,481987, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,184506, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,419,3, United-States +<=50K,20, ?,121313, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,158420, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,26, Private,256000, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,36, Private,183892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,44, United-States +<=50K,28, Private,42734, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,181773, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,47, Private,184945, Some-college,10, Separated, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,33, Private,107248, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,34, Self-emp-inc,215382, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,4787,0,40, United-States +<=50K,25, Private,122999, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,758700, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781,0,50, Mexico +<=50K,36, State-gov,166606, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,192060, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,30, ? +<=50K,74, ?,340939, 9th,5, Married-civ-spouse, ?, Husband, White, Male,3471,0,40, United-States +<=50K,57, Private,205708, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,55, Private,67450, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, England +<=50K,20, Private,242077, HS-grad,9, Divorced, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,129573, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,44, United-States +>50K,54, Private,181132, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, England +<=50K,25, Private,212302, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,83411, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1408,40, United-States +<=50K,23, ?,148751, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,17, Private,317681, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,39, ?,103986, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,1590,40, United-States +<=50K,63, Private,30602, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,19, Private,172893, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +>50K,56, Self-emp-inc,211804, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,33, Self-emp-not-inc,312055, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,65390, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,200500, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,241962, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-inc,78530, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, Canada +<=50K,22, Private,189950, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,35, Private,111387, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1579,40, United-States +<=50K,20, Private,241951, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,18, Private,343059, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,302465, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1741,40, United-States +>50K,53, Private,156843, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,54, United-States +<=50K,21, ?,79728, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,55284, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,509364, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, State-gov,117927, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,137651, Some-college,10, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,70, Private,131060, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +>50K,57, Private,346963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,183611, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3137,0,50, United-States +<=50K,34, Private,134737, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Private,36503, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,250121, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,330535, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,3325,0,40, United-States +<=50K,27, Private,387776, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,41474, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,36, Local-gov,318972, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,65, United-States +<=50K,33, Private,86143, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,50, Private,181139, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,326232, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,2547,50, United-States +>50K,39, Local-gov,153976, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,59469, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,24, Private,127139, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,136343, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,350624, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,66, ?,177351, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2174,40, United-States +<=50K,68, Private,166149, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,2206,30, United-States +<=50K,29, Private,121523, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Self-emp-not-inc,267396, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,83045, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,160449, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,55, Self-emp-inc,124137, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,35, Greece +<=50K,20, ?,287681, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,41, Private,154194, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,295127, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +>50K,60, Private,240521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,61, Self-emp-not-inc,244087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,35, Private,356250, Prof-school,15, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,35, China +>50K,42, State-gov,293791, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,44308, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Local-gov,210527, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, State-gov,151763, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,39, State-gov,267581, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,100188, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +<=50K,32, Self-emp-inc,111746, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,171091, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,355645, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,20, Trinadad&Tobago +<=50K,54, Local-gov,137678, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,70894, Assoc-acdm,12, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,171306, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,3, United-States +<=50K,31, Private,100997, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,63921, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,32897, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Local-gov,251854, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,345121, 10th,6, Separated, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,46, Private,86220, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,172845, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,171398, 10th,6, Never-married, Sales, Not-in-family, Other, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,174391, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,207058, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,37, Private,291251, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,224377, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,105813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,180916, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,31, Self-emp-not-inc,122749, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,31069, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,26, Self-emp-not-inc,284343, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,319371, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,46, Private,174224, Assoc-voc,11, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,69, ?,183958, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,39, Private,127772, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3103,0,44, United-States +<=50K,48, Private,80651, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,55, United-States +<=50K,46, Private,62793, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,42, Private,191712, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1590,40, United-States +>50K,39, Self-emp-not-inc,237532, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,54, Dominican-Republic +>50K,50, Federal-gov,20179, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,311376, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,432565, Assoc-voc,11, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,40, Canada +>50K,39, Self-emp-inc,329980, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,60, United-States +<=50K,29, Self-emp-not-inc,125190, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,342946, 11th,7, Never-married, Transport-moving, Own-child, White, Female,0,0,38, United-States +<=50K,21, ?,219835, Assoc-voc,11, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,123429, 10th,6, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Self-emp-inc,69209, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3818,0,30, United-States +<=50K,55, Private,66356, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,195897, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,153132, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,52, United-States +<=50K,18, Private,230875, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Self-emp-not-inc,92298, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +>50K,40, Private,185145, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,297296, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, ?,164849, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,1409,0,5, United-States +<=50K,55, Private,145214, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,242341, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,54, Private,240542, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,36, Private,104772, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,48, United-States +<=50K,76, ?,152802, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,181666, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,415520, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,38, Private,258761, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Private,88842, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,19, ?,356717, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,32, Private,158438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,57, Private,206206, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,51816, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Private,253814, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,161745, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,1980,60, United-States +<=50K,60, Private,162947, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Puerto-Rico +<=50K,52, Private,163027, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,50, United-States +<=50K,61, Private,146788, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,73309, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, ?,143867, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,104216, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +>50K,34, Self-emp-not-inc,345705, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,31, Private,133770, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,42, Private,209392, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,35, United-States +<=50K,70, Private,262345, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,6, United-States +>50K,47, Private,277545, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,47, ?,174525, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3942,0,40, ? +>50K,29, Private,490332, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,211570, 11th,7, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,25, Private,374918, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,51, Private,106728, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,60, United-States +<=50K,28, Private,173649, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, ? +<=50K,35, Private,174597, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,233533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,54, ?,169785, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,133169, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,198824, Assoc-voc,11, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,65, Private,174056, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,188696, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,90692, HS-grad,9, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,271933, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,1741,45, United-States +<=50K,47, Self-emp-not-inc,102359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,49, Federal-gov,213668, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,56, United-States +<=50K,21, Private,294789, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,20, Private,157599, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,18, Local-gov,134935, 12th,8, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,466224, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,111985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,264627, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,213427, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,279015, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,47, Private,165937, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,27, Federal-gov,188343, HS-grad,9, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, Private,158609, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, White, Female,0,0,8, United-States +>50K,34, Private,193036, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,198632, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Private,175912, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Male,914,0,40, United-States +<=50K,19, ?,192773, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,35, Private,101387, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,24, Private,60783, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,183224, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,35, United-States +<=50K,59, Local-gov,100776, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,57600, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, ? +<=50K,20, Private,174063, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,306495, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,249741, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,93021, HS-grad,9, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,36, Private,49626, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,63062, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +>50K,55, Private,320835, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Local-gov,123727, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,21, United-States +<=50K,58, State-gov,110517, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4064,0,40, India +<=50K,43, Private,149670, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064,0,15, United-States +>50K,39, Private,172425, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,40, Private,216116, 9th,5, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, Haiti +<=50K,46, Private,174209, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Federal-gov,175083, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,19, Private,129059, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,30, United-States +<=50K,24, Private,121313, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, ?,181317, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,166851, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,13, United-States +<=50K,29, Self-emp-not-inc,29616, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +>50K,56, Self-emp-inc,105582, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,54, ?,124993, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,148509, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,230246, 9th,5, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,56, Private,117881, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,203408, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,19, Private,446219, 10th,6, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,32, Self-emp-inc,110331, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,48, Private,207946, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,52, United-States +>50K,67, ?,45537, Masters,14, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,188330, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +>50K,52, Private,147629, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,153799, 1st-4th,2, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,28, Private,203776, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,41, Private,168071, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,57, Private,348430, 1st-4th,2, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, Portugal +<=50K,51, Private,103407, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, ?,152046, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,35, Germany +<=50K,36, Private,153205, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, ? +>50K,33, Private,326104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Private,238162, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,221336, HS-grad,9, Divorced, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,33, Private,180656, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,77, Self-emp-not-inc,145329, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,401,0,20, United-States +>50K,39, Private,315776, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,8614,0,52, United-States +<=50K,67, ?,150516, HS-grad,9, Widowed, ?, Unmarried, White, Male,0,0,3, United-States +<=50K,35, Private,325802, Assoc-acdm,12, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,24, United-States +<=50K,23, Private,133985, 10th,6, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +>50K,37, Private,269329, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,45, United-States +>50K,41, Private,183203, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,60, Private,76127, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,195891, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,56, Federal-gov,162137, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,45, State-gov,37672, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,24, Private,161708, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,80616, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,27, United-States +<=50K,31, Private,209276, HS-grad,9, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, United-States +<=50K,21, ?,34443, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +>50K,45, Private,192835, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,23, Private,203240, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, State-gov,102308, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,40829, 11th,7, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,25, Private,60726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,30, United-States +<=50K,31, State-gov,116677, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,57067, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,45, United-States +>50K,41, Private,304906, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,101590, Prof-school,15, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,27, Private,258102, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Mexico +<=50K,23, Private,241185, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,124827, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-inc,76625, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,263339, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,135645, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,42, Private,245626, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,24, Private,210781, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,235786, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,160167, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +>50K,52, Federal-gov,30731, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,34, Private,314375, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,81528, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,60, United-States +<=50K,54, Private,182854, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Federal-gov,296798, 11th,7, Never-married, Tech-support, Not-in-family, White, Male,0,1340,40, United-States +>50K,32, Private,194426, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,40, ?,70645, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +>50K,55, Self-emp-inc,141807, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,66, ?,112871, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, State-gov,71344, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,341410, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,33, Private,118941, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,52, ?,159755, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,128509, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, ? +<=50K,27, Self-emp-not-inc,229125, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,142756, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Self-emp-inc,243871, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +>50K,47, Private,213140, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,19, Private,196857, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,138626, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,161334, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,25, Nicaragua +<=50K,50, Private,273536, 7th-8th,4, Married-civ-spouse, Sales, Husband, Other, Male,0,0,49, Dominican-Republic +<=50K,32, Private,115631, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,4101,0,50, United-States +<=50K,28, Private,185957, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,334357, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,96102, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,213226, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,19, Private,115248, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,37, Private,185061, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,27, Private,147638, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,18, Private,280298, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,31, Private,163516, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,277434, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,26, Federal-gov,206983, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Columbia +>50K,48, Private,108993, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,288551, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,176069, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,48, State-gov,183486, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,56, United-States +>50K,40, Private,163215, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,10520,0,40, United-States +>50K,70, Private,94692, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,20, Private,118462, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,43, United-States +<=50K,38, Private,407068, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,75, Mexico +<=50K,37, Self-emp-not-inc,243587, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,40, Cuba +>50K,49, Private,23074, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,237735, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103,0,40, United-States +<=50K,43, Private,188291, 1st-4th,2, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,284166, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,423460, 11th,7, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,23, Private,287681, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,25, Mexico +<=50K,34, Private,509364, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,139391, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,33, Private,91964, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,117526, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,45, United-States +<=50K,64, Private,91343, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,336969, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,28, El-Salvador +<=50K,55, Private,255364, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,167670, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,211494, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,78, Local-gov,136198, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,15, United-States +<=50K,27, Federal-gov,409815, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,188823, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,42, United-States +>50K,55, State-gov,146326, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,42, Private,154374, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,58, United-States +<=50K,22, ?,216563, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,61, Private,197286, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,100722, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,5, United-States +<=50K,46, Local-gov,377622, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,145964, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,358636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,70, United-States +>50K,47, Private,155489, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,55, United-States +<=50K,18, Private,57413, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,320421, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,174752, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, State-gov,229364, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,56, Self-emp-not-inc,157486, 10th,6, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,92682, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,56, Federal-gov,101338, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,132652, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,21, Private,34616, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,218903, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Local-gov,204098, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,50, United-States +>50K,52, Self-emp-not-inc,64045, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,45, United-States +<=50K,46, Private,189763, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,26248, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,92079, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,280071, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,50, United-States +<=50K,20, Private,224059, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,185520, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,8614,0,40, United-States +<=50K,24, Private,265567, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,72, Private,106890, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, State-gov,39586, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,42, Private,153132, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,45, ? +<=50K,51, Private,209912, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,39, Private,144169, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,50442, Some-college,10, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,2977,0,35, United-States +>50K,34, Private,89644, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,275889, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Mexico +<=50K,26, Private,231638, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,45, Local-gov,224474, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,4934,0,50, United-States +>50K,28, Private,355259, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Federal-gov,68330, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,185410, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,87653, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,286853, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,54, Private,96710, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, Black, Female,0,0,20, United-States +>50K,62, Private,160143, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,186925, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2597,0,48, United-States +<=50K,49, Self-emp-inc,109705, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,32, United-States +>50K,32, Private,94235, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,225279, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,1602,40, ? +>50K,37, Local-gov,297449, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,205896, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,37, Private,93717, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,45, United-States +<=50K,41, Private,194710, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,236391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,47, State-gov,189123, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,358677, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,35, United-States +<=50K,30, State-gov,199539, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +>50K,43, Private,128170, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,34, Private,231238, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,57, Private,296152, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Female,594,0,10, United-States +<=50K,46, Private,166003, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,281437, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,190231, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,11, Nicaragua +<=50K,47, Private,122026, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, ?,205527, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,20, United-States +>50K,53, Self-emp-not-inc,174102, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, Greece +>50K,43, Private,125461, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,80, Self-emp-not-inc,184335, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,211345, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +>50K,43, Local-gov,147328, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,22, Private,222993, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,225978, Some-college,10, Separated, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,48, Private,121124, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, ?,656036, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,34, ?,346762, 11th,7, Divorced, ?, Own-child, White, Male,0,0,84, United-States +>50K,51, Private,234057, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Federal-gov,306515, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,116562, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,171159, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,199011, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,443508, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, Canada +<=50K,24, Private,29810, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,22, Local-gov,238831, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,566117, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,255044, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,436253, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,31, Private,300687, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,55, Private,144071, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +>50K,49, State-gov,133917, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1902,60, ? +<=50K,26, Private,188767, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,300777, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,35, Private,26987, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,174395, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,60, Greece +<=50K,59, Private,90290, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,34, United-States +>50K,61, Private,183735, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,123273, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +>50K,43, Federal-gov,186916, Masters,14, Divorced, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,61, Private,43554, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,2339,40, United-States +<=50K,54, Private,178251, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,30, Private,255885, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,64292, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, State-gov,194773, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, Germany +<=50K,44, Self-emp-inc,133060, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Private,258006, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, Cuba +<=50K,55, Private,92215, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,33945, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,6849,0,55, United-States +<=50K,61, Private,153048, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,28, Private,192200, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,34, Private,355571, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,47, Self-emp-inc,139268, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,26, Private,34402, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,25955, 11th,7, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, Private,209609, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +>50K,47, Private,168283, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,295488, 11th,7, Never-married, Other-service, Own-child, Black, Female,0,0,25, United-States +<=50K,35, Private,190895, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,164190, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,25, Private,216010, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,387568, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,47, State-gov,188386, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,44, Private,174491, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,41, Private,31221, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,30, Private,272451, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,152652, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,104413, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,40, Private,105936, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,5013,0,20, United-States +<=50K,24, Private,379066, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,2205,24, United-States +<=50K,27, Private,214858, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,237735, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,37, Mexico +<=50K,36, Private,158592, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,41, Private,237321, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,41, Private,23646, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,169240, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Federal-gov,454508, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,130356, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,22, Private,427686, 10th,6, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Local-gov,36411, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,39, Private,548510, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,30, United-States +<=50K,38, Private,187264, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,35, State-gov,140752, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,325596, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,175804, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,107302, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,63, Local-gov,41161, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,401832, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,57, Self-emp-not-inc,353808, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,58, Self-emp-inc,349910, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,29, Private,161478, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,17, Private,400225, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,367533, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,69306, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,28, Private,270366, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,103751, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,75227, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,14084,0,40, United-States +<=50K,45, Local-gov,132563, Prof-school,15, Divorced, Prof-specialty, Unmarried, Black, Female,0,1726,40, United-States +<=50K,33, State-gov,79580, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,41, Local-gov,344624, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1485,40, United-States +>50K,37, Self-emp-inc,186359, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,60, United-States +>50K,50, Private,121685, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,75104, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,188343, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,246449, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,85088, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +<=50K,37, Private,545483, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,243986, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,54, Self-emp-not-inc,32778, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,28, Private,369114, HS-grad,9, Separated, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,217200, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,149220, Assoc-voc,11, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, ?,162034, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,157813, 11th,7, Divorced, ?, Unmarried, White, Female,0,0,58, Canada +<=50K,17, ?,179715, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,335549, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2444,45, United-States +>50K,47, Private,102308, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,367749, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,25, Private,98281, 12th,8, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,43, United-States +<=50K,35, Private,115792, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,277788, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,30, Private,103435, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,30, Private,37646, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,385632, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Self-emp-not-inc,210278, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,28, Private,335357, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,272165, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,148995, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,46, Self-emp-not-inc,113434, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,132551, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +>50K,38, Federal-gov,115433, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,33, United-States +<=50K,29, Private,227890, HS-grad,9, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, United-States +<=50K,25, Private,503012, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,56, Private,250873, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,407930, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,148187, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Private,159322, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,28, Private,334368, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,196328, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,45, Private,270842, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,71, Private,235079, Preschool,1, Widowed, Craft-repair, Unmarried, Black, Male,0,0,10, United-States +<=50K,65, ?,327154, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,188391, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,19, Federal-gov,30559, HS-grad,9, Married-AF-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Local-gov,255098, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,248010, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,174515, HS-grad,9, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,90, Private,171956, Some-college,10, Separated, Adm-clerical, Own-child, White, Female,0,0,40, Puerto-Rico +<=50K,56, Private,193130, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +<=50K,21, Private,108670, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,186172, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,348854, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,27, United-States +>50K,46, Private,271828, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,148606, 10th,6, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Local-gov,123983, Masters,14, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,22, Private,24896, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,30, Germany +>50K,47, Private,573583, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, Italy +>50K,67, Self-emp-inc,106175, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,75, United-States +<=50K,43, Private,307767, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,200574, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,59083, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,50, United-States +<=50K,53, Private,358056, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,81, Private,114670, 9th,5, Widowed, Priv-house-serv, Not-in-family, Black, Female,2062,0,5, United-States +<=50K,33, Local-gov,262042, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,1138,40, United-States +<=50K,17, Private,206010, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +>50K,55, Self-emp-inc,183869, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,28, Private,159001, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,155818, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,96055, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Local-gov,131776, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,228613, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,198163, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,37028, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,38, United-States +>50K,30, Private,177304, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,144064, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,146659, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,63, Self-emp-not-inc,26904, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,98, United-States +<=50K,23, Private,238917, 7th-8th,4, Never-married, Craft-repair, Other-relative, White, Male,0,0,36, United-States +<=50K,56, Private,170148, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,27821, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,220460, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Canada +>50K,49, Private,101320, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,1902,40, United-States +<=50K,35, Private,173858, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,52, Private,91048, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Female,0,0,35, United-States +<=50K,28, Private,298696, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,207202, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,21, ?,230397, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,43, Self-emp-not-inc,180599, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, ?,199046, Assoc-voc,11, Never-married, ?, Unmarried, White, Female,0,0,2, United-States +>50K,29, Self-emp-not-inc,132686, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, Italy +<=50K,23, Private,240063, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,50, Local-gov,177705, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1740,48, United-States +<=50K,34, Private,511361, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,19, Private,89397, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,239439, 11th,7, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,36989, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,76978, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,35, United-States +>50K,75, Private,200068, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,454941, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,107218, Bachelors,13, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,17, Local-gov,182070, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,31, Private,176360, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,31, Private,452405, Preschool,1, Never-married, Other-service, Other-relative, White, Female,0,0,35, Mexico +<=50K,18, ?,297396, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,10, United-States +>50K,45, Private,84790, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,186787, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,42, United-States +>50K,27, Private,169662, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,48, Private,125933, Some-college,10, Widowed, Exec-managerial, Unmarried, Black, Female,0,1669,38, United-States +<=50K,22, ?,35448, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,22, United-States +<=50K,34, Private,225548, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,30, United-States +<=50K,26, Private,240842, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,103931, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,60, Private,232618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,49, Local-gov,288548, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,40, Private,220609, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,26145, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,23, Private,268525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,68, ?,133758, 7th-8th,4, Widowed, ?, Not-in-family, Black, Male,0,0,10, United-States +>50K,42, Private,121264, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,29814, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,85, United-States +<=50K,27, Private,193701, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,45, United-States +>50K,38, Private,183279, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,27, Private,163942, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Ireland +<=50K,75, Private,188612, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,102771, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,27, Private,85625, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,36, Self-emp-not-inc,245090, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +>50K,36, Private,131239, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,45, United-States +<=50K,35, Private,182074, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,36, Private,187046, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,90624, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,37933, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,182177, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,35, United-States +>50K,61, Private,716416, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,29, Private,190562, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,56, United-States +<=50K,40, State-gov,141583, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,37, Private,98941, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,201729, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, United-States +<=50K,43, Self-emp-inc,175485, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,149168, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,28, Private,115971, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,161708, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,64, Local-gov,244903, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,155664, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,112754, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,178385, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,48, India +<=50K,20, Private,44064, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +<=50K,62, Self-emp-not-inc,120939, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,165134, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,35, Columbia +<=50K,29, Private,100405, 10th,6, Married-civ-spouse, Farming-fishing, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,361888, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Japan +<=50K,39, Local-gov,167864, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,202950, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,218188, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,32, United-States +<=50K,38, Private,234962, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829,0,30, Mexico +<=50K,72, ?,177226, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,31, Private,259931, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,189528, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,34996, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,112584, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,25, Private,117589, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,145234, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,267086, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,52, United-States +<=50K,49, Private,44434, Some-college,10, Divorced, Tech-support, Other-relative, White, Male,0,0,35, United-States +<=50K,26, Private,96130, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Private,181382, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,44, Self-emp-inc,168845, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +>50K,37, Private,271767, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,194636, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,64, State-gov,194894, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,4787,0,40, United-States +>50K,28, Private,132686, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,185848, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,4650,0,50, United-States +<=50K,40, State-gov,184378, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,55, Federal-gov,270859, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,231866, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +<=50K,49, Private,36032, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,51, State-gov,172962, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,57, Private,98350, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,1902,40, Philippines +>50K,51, Private,24185, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,53930, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,24, Private,85088, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,1762,32, United-States +<=50K,45, Self-emp-not-inc,94962, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +<=50K,28, Private,480861, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,42, Self-emp-inc,187702, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,22, Private,52262, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,52636, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,175273, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,327825, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,2238,40, United-States +>50K,47, Private,125892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +<=50K,40, ?,78255, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, Private,398827, HS-grad,9, Married-AF-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +>50K,61, Private,208919, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,71, Local-gov,365996, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,6, United-States +<=50K,42, Private,307638, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Local-gov,33068, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,46, Self-emp-not-inc,254291, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,50, Local-gov,125417, Prof-school,15, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,52, United-States +<=50K,27, State-gov,28848, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,9, United-States +<=50K,40, ?,273425, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,21, Private,194723, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, Mexico +<=50K,25, Private,195118, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,35, United-States +<=50K,61, Private,123273, 5th-6th,3, Divorced, Transport-moving, Not-in-family, White, Male,0,1876,56, United-States +<=50K,54, Private,220115, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,31, Private,265706, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,279129, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,39, Self-emp-inc,122742, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,57, Self-emp-inc,172654, Prof-school,15, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,50, United-States +<=50K,48, Private,119199, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,44, United-States +>50K,30, Private,107793, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,35, Private,237943, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-not-inc,64632, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,96245, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,59, Private,361494, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,69, Local-gov,122850, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,29, Private,173652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,164663, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,98678, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,40, Private,245529, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,55294, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,140583, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,79797, HS-grad,9, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,72, ?,113044, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,283499, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,41, Local-gov,51111, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,232475, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,176140, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,301654, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,376455, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,28, ?,192569, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Private,229803, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,337639, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,130849, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,32, Private,296282, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, Private,266645, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, State-gov,110128, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,90196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,40, State-gov,40024, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,35, Private,144322, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,74, Self-emp-inc,162340, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,169069, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,113601, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,20, Self-emp-not-inc,157145, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,2258,10, United-States +<=50K,44, Private,111275, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,56, United-States +<=50K,46, Local-gov,102076, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,20, ?,182117, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,145409, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,40, Private,190122, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,331482, Prof-school,15, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +<=50K,60, Self-emp-not-inc,170114, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,84, United-States +>50K,48, Self-emp-inc,193188, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,267588, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,70, United-States +>50K,48, Self-emp-inc,200471, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,175586, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,35, United-States +<=50K,24, Local-gov,322658, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, State-gov,263982, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,266287, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,39, Private,278187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-inc,81413, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2352,65, United-States +<=50K,22, Private,221745, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,140764, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,206351, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,176814, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,42, Local-gov,245307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,61, State-gov,124971, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,28, Private,119545, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Male,7688,0,50, United-States +<=50K,18, Private,179203, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,24, Federal-gov,44075, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,45, Private,178319, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,24, Private,219754, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,198316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,168165, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,356838, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,2829,0,55, Poland +<=50K,52, Self-emp-inc,210736, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,173212, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, White, Male,2354,0,45, United-States +<=50K,19, Private,130431, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,35, ?,169809, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,54, Private,197481, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,155066, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,26, Private,31290, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,54102, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,181546, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,55, Private,153484, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,44, State-gov,351228, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,131976, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,55, United-States +<=50K,26, Private,200639, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,64, Federal-gov,267546, Assoc-acdm,12, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,179875, 11th,7, Divorced, Other-service, Unmarried, Other, Female,0,0,40, United-States +<=50K,25, ?,237865, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, ? +<=50K,43, Private,300528, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,45, Private,67716, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,10520,0,48, United-States +>50K,48, Federal-gov,326048, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,60, Private,191188, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,32172, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Private,252903, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,37, Federal-gov,334314, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,83704, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,44, Private,160574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,27, Private,203776, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,328610, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,295589, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,40, United-States +>50K,40, Private,174373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,247752, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,199244, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,139992, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,95680, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,189933, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,498785, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,177526, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +>50K,64, Self-emp-not-inc,150121, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +>50K,56, Federal-gov,130454, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,119079, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,49, United-States +>50K,33, Private,220939, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,33, Private,94235, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,42, United-States +<=50K,21, Private,305874, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,62020, HS-grad,9, Widowed, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,58, Private,235624, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Germany +<=50K,43, Local-gov,247514, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,275726, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,72896, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Local-gov,110510, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,41, Private,173938, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, ? +<=50K,27, Private,200641, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, Mexico +>50K,53, Private,211654, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, ? +>50K,38, Private,242720, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,31, Private,111567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,41, Private,179533, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,22, State-gov,334693, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,198096, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,41, State-gov,355756, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,19395, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,35, United-States +<=50K,41, Local-gov,242586, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,208358, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +>50K,49, Private,160647, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,227943, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,197665, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,35, Self-emp-not-inc,216129, 12th,8, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Trinadad&Tobago +>50K,30, Local-gov,326104, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,57211, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,100219, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +<=50K,40, Private,291192, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,54, State-gov,93415, Bachelors,13, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,35, Private,191502, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,261382, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,170230, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,40, ? +<=50K,59, Private,374924, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,320984, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,39, Private,338320, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,135190, 7th-8th,4, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,30, United-States +<=50K,71, Private,157909, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,2964,0,60, United-States +<=50K,33, Private,637222, 12th,8, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,430084, HS-grad,9, Divorced, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,30, Private,125279, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,221955, 5th-6th,3, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +<=50K,51, Self-emp-inc,180195, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,39, Private,208778, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,62, Private,81534, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, Private,325538, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,60, ? +<=50K,28, Private,142264, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, Dominican-Republic +<=50K,23, Private,128604, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,48, South +<=50K,39, Private,277886, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,50, Self-emp-inc,100029, Bachelors,13, Widowed, Sales, Unmarried, White, Male,0,0,65, United-States +<=50K,31, Private,169269, 7th-8th,4, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,45, Local-gov,160472, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,23, ?,123983, Bachelors,13, Never-married, ?, Own-child, Other, Male,0,0,40, United-States +<=50K,47, Private,297884, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,99131, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,18, United-States +<=50K,32, Private,44392, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,82, ?,29441, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,5, United-States +>50K,49, Private,199029, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,55, United-States +<=50K,74, Federal-gov,181508, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,17, United-States +<=50K,22, Private,190625, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,32, Private,194740, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, Greece +>50K,34, Private,27380, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,59, Private,160631, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,36, Private,224531, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,283005, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-inc,101926, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,53, Local-gov,135102, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,2002,45, United-States +<=50K,25, Self-emp-not-inc,113436, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,44, Private,248973, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,65, United-States +>50K,57, Self-emp-not-inc,225334, Prof-school,15, Married-civ-spouse, Sales, Wife, White, Female,15024,0,35, United-States +>50K,42, Self-emp-not-inc,157562, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,80, United-States +<=50K,58, Local-gov,310085, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,129597, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3464,0,40, United-States +<=50K,32, ?,53042, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,204205, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,47, Private,169324, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,35, United-States +<=50K,52, ?,134447, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,236731, 1st-4th,2, Separated, Exec-managerial, Not-in-family, White, Male,0,0,25, ? +<=50K,52, Private,141301, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,235124, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,36, Self-emp-not-inc,367020, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,41, Private,149102, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +<=50K,30, Private,423770, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, Mexico +<=50K,44, Private,211759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,17, ?,110998, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,34, Private,56883, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,223062, Some-college,10, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Private,406662, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,206600, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,48, Mexico +<=50K,42, Local-gov,147510, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +>50K,48, Private,235646, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +<=50K,26, Private,187577, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,64, Self-emp-inc,132832, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,20051,0,40, ? +<=50K,46, Self-emp-inc,278322, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,38, Private,278924, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,49, State-gov,203039, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,145651, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,46, Local-gov,144531, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,91145, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,55, United-States +>50K,49, Self-emp-not-inc,211762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, ?,111563, Assoc-voc,11, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,180985, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,31, Private,207537, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,1669,50, United-States +<=50K,19, Private,417657, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,45, Private,189890, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,38, United-States +>50K,34, Private,223212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, Peru +<=50K,26, Private,108658, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,190023, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,222130, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,36, Self-emp-inc,164866, Assoc-acdm,12, Separated, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Private,170983, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,186269, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,37, Private,286026, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,30, Private,403433, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,21, ?,224209, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,30, United-States +<=50K,73, Private,123160, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,10, United-States +>50K,38, Federal-gov,99527, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,123178, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Private,231043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,52, Local-gov,317733, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,58, Private,241056, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,46, United-States +<=50K,34, Local-gov,220066, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,180342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Federal-gov,31840, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,183168, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,386036, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +>50K,31, Local-gov,446358, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, Mexico +<=50K,45, Private,28035, Some-college,10, Never-married, Farming-fishing, Other-relative, White, Male,0,0,50, United-States +<=50K,40, Private,282155, HS-grad,9, Separated, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,27, Private,192384, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,383637, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,457402, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,25, Mexico +<=50K,34, Self-emp-inc,80249, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,32, State-gov,159537, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,240859, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +>50K,33, Private,83446, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,74, ?,29866, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,62, Private,185503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,68781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,220589, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,51136, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,54560, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,76, ?,28221, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Canada +<=50K,25, Private,201413, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,40425, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,28, United-States +<=50K,31, Private,189461, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,41, United-States +<=50K,53, Private,200576, 11th,7, Divorced, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,61, Private,92691, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,3, United-States +<=50K,47, Private,664821, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,37, Private,175130, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,50, Self-emp-not-inc,391016, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,249315, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,44, United-States +<=50K,58, Private,111169, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,334946, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,352248, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,173804, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,56, Private,155449, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,73689, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,227594, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,38, United-States +<=50K,47, Private,161676, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,68, Private,75913, 12th,8, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Local-gov,242552, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, Federal-gov,352094, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, Guatemala +<=50K,26, Private,159732, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,131230, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,1590,40, United-States +<=50K,46, Private,180695, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,37, Private,189922, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,409189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,111252, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,59, Private,294395, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,172718, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,43403, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Female,0,1590,54, United-States +<=50K,63, Private,111963, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +>50K,45, Private,247869, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,114032, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, ?,356838, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,179633, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,19847, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,231689, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,209942, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Private,197492, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,262439, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,46, Private,283037, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,79, ?,144533, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,30, United-States +<=50K,31, Private,83446, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,215443, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,268252, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,62, United-States +<=50K,40, Private,181015, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,47, United-States +<=50K,41, Self-emp-inc,139916, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Other, Male,0,2179,84, Mexico +<=50K,20, Private,195770, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,26, United-States +<=50K,45, Private,125194, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,27, Private,58654, Assoc-voc,11, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,252327, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, Private,116508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +>50K,36, Private,166988, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,374163, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, Other, Male,0,0,40, Mexico +<=50K,30, ?,96851, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1719,25, United-States +<=50K,31, Private,196788, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,186172, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,26, Private,245628, 11th,7, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,20, United-States +<=50K,25, Private,159732, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,129856, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,182812, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,3325,0,52, Dominican-Republic +>50K,41, Private,314322, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,35, Private,102976, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Self-emp-inc,42959, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,256356, 11th,7, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, Mexico +<=50K,29, Private,136277, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,32, United-States +<=50K,36, Private,284616, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,185554, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,51, Private,138847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,33487, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,84306, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,50, United-States +>50K,40, Self-emp-not-inc,223881, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +<=50K,61, Private,149653, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,348739, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,235442, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,34506, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,346964, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,192208, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,305874, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, United-States +<=50K,35, Self-emp-not-inc,462890, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,39, Private,89508, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,200153, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,179446, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,208965, 9th,5, Never-married, Machine-op-inspct, Unmarried, Other, Male,0,0,40, Mexico +>50K,32, Private,40142, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,57452, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,327573, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,151267, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,15024,0,40, United-States +<=50K,44, Private,265266, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,203836, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3464,0,40, Columbia +>50K,51, ?,163998, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,20, United-States +>50K,46, Self-emp-not-inc,28281, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,51, Private,293196, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, Iran +>50K,45, Private,214627, Doctorate,16, Widowed, Prof-specialty, Unmarried, White, Male,15020,0,40, Iran +<=50K,20, Private,368852, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,353396, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,161745, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,97963, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,61, Self-emp-inc,156542, Prof-school,15, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, State-gov,198103, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,55377, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,173730, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,374588, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,39, Self-emp-not-inc,174330, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,78141, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,190324, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,18, United-States +<=50K,26, Private,31350, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,243607, 5th-6th,3, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,47, Local-gov,134671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,197023, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,52, Private,117674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,169815, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,598606, 9th,5, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,50, United-States +>50K,42, Federal-gov,122861, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,166235, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,30, United-States +<=50K,41, Private,187821, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885,0,40, United-States +>50K,34, Private,340940, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,60, United-States +<=50K,52, Self-emp-not-inc,194791, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,231323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,305597, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,25429, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,46, State-gov,192779, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,39, Private,346478, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,341368, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, State-gov,295612, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,168936, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,43, Private,218558, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,3325,0,40, United-States +<=50K,37, Private,336598, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,36, Mexico +<=50K,23, Private,308205, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,39, Local-gov,357173, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,59, United-States +<=50K,54, Private,457237, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,284799, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,179423, Some-college,10, Never-married, Transport-moving, Own-child, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,363405, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,50, United-States +<=50K,17, Private,139183, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,203482, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,112554, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,99476, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +>50K,50, Private,93690, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,220585, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,194638, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +>50K,53, Private,154785, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, ?,162108, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Self-emp-inc,214542, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,161922, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +>50K,46, Private,207940, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,259351, 10th,6, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,59, Private,208395, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,41, Private,116391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,239781, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,56, Private,174351, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +>50K,50, Self-emp-not-inc,44368, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,55, El-Salvador +<=50K,31, Local-gov,188798, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,50122, Assoc-voc,11, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +>50K,38, Private,111398, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,25, State-gov,152035, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, ?,139003, HS-grad,9, Never-married, ?, Other-relative, Other, Female,0,0,12, United-States +<=50K,49, Local-gov,249289, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,257726, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, ?,113175, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,151158, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,35, Private,465326, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,356772, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,364782, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,198385, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,20, ? +<=50K,31, Private,329301, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,17, Self-emp-inc,254859, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,31, Private,203488, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,25, Local-gov,222800, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,96452, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,170050, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,116580, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,50, Private,400004, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,63, Private,183608, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,194055, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,210443, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,43272, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,43, Local-gov,108945, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,48, United-States +>50K,34, Private,114691, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,304169, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,46, Private,503923, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386,0,40, United-States +>50K,35, Private,340428, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,46, State-gov,106705, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +>50K,59, Private,146391, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,31, Private,235389, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,30, Portugal +<=50K,27, Private,39665, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,37, United-States +<=50K,41, Private,113823, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, England +<=50K,42, Private,217826, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, ? +>50K,55, Private,349304, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,197688, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,54507, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,117833, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1669,50, United-States +>50K,36, Private,163396, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,69, Private,88566, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,1424,0,35, United-States +<=50K,33, Private,323619, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,75755, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,148903, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,16, United-States +>50K,25, Private,40915, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,182606, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, ? +<=50K,18, Private,131033, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,15, United-States +>50K,35, Self-emp-not-inc,168475, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,121568, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,139098, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +<=50K,46, Private,357338, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,283268, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +>50K,40, Private,572751, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, Mexico +<=50K,40, Private,315321, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,625,52, United-States +<=50K,31, Private,120461, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,65278, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,208503, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Local-gov,112835, Masters,14, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,265038, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,89478, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,55, Private,276229, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,52, Private,366232, 9th,5, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, Cuba +<=50K,26, Private,152035, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,37, Private,205339, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,75995, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,62, Self-emp-not-inc,192236, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,188618, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,47, Private,229737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,51, Local-gov,199688, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,52953, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,221043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,59, Federal-gov,115389, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,45, Self-emp-not-inc,204205, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,52, Private,338816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,21, Private,197387, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,42485, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,367706, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,24, Private,102493, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,263746, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,47, Private,115358, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,46, Private,189680, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, ?,282622, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,28, United-States +<=50K,34, Private,127651, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,44, ? +<=50K,63, Private,230823, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +<=50K,21, Private,300812, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,18, Private,174732, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,36, United-States +>50K,49, State-gov,183710, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,81, Self-emp-not-inc,137018, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,36, Self-emp-inc,213008, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,357848, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,165799, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,188571, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,97883, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,43, Local-gov,105862, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,40, United-States +<=50K,39, Local-gov,57424, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,29, Private,151476, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,129583, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,16, United-States +<=50K,57, Private,180920, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,38, Self-emp-not-inc,182416, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,42, United-States +<=50K,25, Private,251915, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,39, Local-gov,187127, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,69045, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,56, Private,192869, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,44, United-States +<=50K,39, Private,74163, 12th,8, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,60847, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,17, ?,213055, 11th,7, Never-married, ?, Not-in-family, Other, Female,0,0,20, United-States +<=50K,67, Self-emp-not-inc,116057, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,3273,0,16, United-States +<=50K,41, Private,82393, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,24, Local-gov,134181, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +>50K,51, Private,159910, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Male,10520,0,40, United-States +<=50K,30, Self-emp-inc,117570, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +>50K,47, Self-emp-inc,214169, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,40, United-States +<=50K,56, Private,56331, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,32, United-States +<=50K,51, Private,35576, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,57, Self-emp-not-inc,149168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,157165, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,278130, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,257200, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,283122, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,580248, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,230054, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,58, Private,519006, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,19, ?,37332, HS-grad,9, Never-married, ?, Own-child, White, Female,1055,0,12, United-States +<=50K,19, ?,365871, 7th-8th,4, Never-married, ?, Not-in-family, White, Male,0,0,40, Mexico +>50K,68, State-gov,235882, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,60, United-States +>50K,43, Private,336513, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,17, Private,115551, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,53, State-gov,50048, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,37, Self-emp-inc,382802, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,99, United-States +<=50K,21, ?,180303, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,25, ? +>50K,63, Private,106023, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,332379, Some-college,10, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,29, Private,95465, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,96102, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +>50K,27, Private,36440, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +<=50K,25, Self-emp-not-inc,209384, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,32, United-States +<=50K,28, Private,50814, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,143865, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,74, ?,104661, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,31, Local-gov,50442, Some-college,10, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,32, United-States +<=50K,23, Private,236601, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,100999, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,39, ?,362685, Preschool,1, Widowed, ?, Not-in-family, White, Female,0,0,20, El-Salvador +<=50K,61, Self-emp-not-inc,32423, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,22040,0,40, United-States +>50K,59, ?,154236, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,7688,0,40, United-States +>50K,27, Self-emp-inc,153546, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,36, United-States +<=50K,19, Private,182355, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,23, ?,191444, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Local-gov,44216, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,35, United-States +>50K,40, Private,97688, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,53, Private,209022, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,32, Private,96016, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,72, Self-emp-not-inc,52138, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2392,25, United-States +<=50K,61, Private,159046, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,138634, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,130125, 10th,6, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,1055,0,20, United-States +<=50K,73, Private,247355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, Canada +<=50K,41, Self-emp-not-inc,227065, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,244771, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,20, Jamaica +<=50K,23, Private,215616, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Canada +<=50K,65, Private,386672, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,45, Self-emp-inc,177543, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +>50K,52, Federal-gov,617021, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Black, Male,7688,0,40, United-States +<=50K,24, Local-gov,117109, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,27, United-States +<=50K,23, Private,373550, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,19847, Some-college,10, Divorced, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,189590, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,58343, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,56, United-States +<=50K,17, Private,354201, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,119422, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,363405, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,63, Private,181863, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,27, United-States +<=50K,27, Private,194472, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,247328, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,40, Mexico +<=50K,71, Self-emp-not-inc,130731, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,236910, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,378251, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,36, Private,120760, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,22, Private,203182, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,20, United-States +<=50K,32, Private,130304, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,48, United-States +<=50K,30, Local-gov,352542, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,60, ?,191024, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,197728, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,76, Private,316185, 7th-8th,4, Widowed, Protective-serv, Not-in-family, White, Female,0,0,12, United-States +<=50K,41, Private,89226, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,292353, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, United-States +<=50K,45, Private,304570, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,32, Private,180296, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,361487, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,218490, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,63, Self-emp-not-inc,231777, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,189832, Assoc-acdm,12, Never-married, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,61, Private,232308, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,33308, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,333677, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,170651, HS-grad,9, Never-married, Other-service, Own-child, White, Female,1055,0,40, United-States +<=50K,39, Private,343403, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,36, United-States +<=50K,53, Private,166386, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,26, Federal-gov,48099, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,143062, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,18, Private,104704, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,30497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,44, State-gov,174325, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,40, United-States +<=50K,31, Private,286675, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,44, Private,59474, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Private,378384, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,43, Private,245842, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, Mexico +>50K,33, Private,274222, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7688,0,38, United-States +<=50K,21, Private,342575, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,30, United-States +>50K,30, Private,206051, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,234213, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,57, Private,145189, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,233490, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Private,344129, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-not-inc,171315, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,31, Self-emp-not-inc,181485, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,255412, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, France +<=50K,37, Private,262409, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,213,45, United-States +<=50K,45, Private,199590, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, Mexico +<=50K,47, Private,84726, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,226883, HS-grad,9, Divorced, ?, Own-child, White, Male,0,0,75, United-States +<=50K,75, Self-emp-not-inc,184335, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,43, Private,102025, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,50, United-States +>50K,39, Private,183898, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,60, Germany +>50K,30, Private,55291, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,150025, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Guatemala +<=50K,44, Private,100584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,53, Local-gov,181755, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,150528, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,107277, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,247205, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, England +<=50K,20, Private,291979, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,270985, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,48, Private,62605, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Self-emp-not-inc,176863, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,53197, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,267776, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,24, Private,308205, 7th-8th,4, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, Private,306383, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,70, Private,35494, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,26, Private,291968, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,34, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,46, Private,271828, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,121993, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,5, United-States +<=50K,37, Local-gov,31023, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,36425, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,407684, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,28, Private,241895, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1628,40, United-States +>50K,44, Self-emp-not-inc,158555, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,140363, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325,0,30, United-States +>50K,53, Private,123429, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,40060, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,290286, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, ?,249271, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,106169, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,76487, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,437994, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +>50K,41, Private,113555, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7298,0,50, United-States +<=50K,36, Private,160120, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,41, Local-gov,343079, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1740,20, United-States +<=50K,27, Private,406662, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,4416,0,40, United-States +<=50K,42, Self-emp-not-inc,37618, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,114158, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,41, Private,115562, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,353994, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, China +<=50K,21, Private,344891, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +>50K,44, Private,286750, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,29, Private,194197, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,206599, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,22, United-States +<=50K,21, Local-gov,596776, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, Guatemala +<=50K,46, Private,56841, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,38, Private,112561, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,43, Private,147110, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,48, United-States +>50K,54, Self-emp-inc,175339, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Private,234901, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,18, ?,298133, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,217083, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,30, Private,97757, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,30, Private,151868, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,25864, HS-grad,9, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,26, Private,109419, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Federal-gov,203070, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,32, Private,107843, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,50, United-States +>50K,64, State-gov,264544, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,18, Private,148644, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,30, Private,125762, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,36, ?,53606, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,3908,0,8, United-States +<=50K,18, Private,193741, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,30, United-States +<=50K,27, Private,588905, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,115613, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,46, State-gov,222374, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,43, United-States +<=50K,37, Private,185359, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,173647, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,31166, HS-grad,9, Divorced, Prof-specialty, Not-in-family, Other, Female,0,0,30, Germany +<=50K,22, ?,517995, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Mexico +<=50K,25, Self-emp-not-inc,189027, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,38, Private,296125, HS-grad,9, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,32, ?,640383, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,334291, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,56, Private,318450, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,80, United-States +<=50K,29, Private,174163, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,119721, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,142719, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,162593, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,236852, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Local-gov,154863, HS-grad,9, Never-married, Protective-serv, Other-relative, Black, Male,0,1876,40, United-States +<=50K,39, Private,168894, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,344920, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,50, United-States +>50K,39, Private,33355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,48, United-States +<=50K,68, ?,196782, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,37, Self-emp-inc,291518, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,55, United-States +<=50K,57, Private,170244, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,369549, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +>50K,24, Private,23438, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,202673, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,55, Private,171780, Assoc-acdm,12, Divorced, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,37, Local-gov,264503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,244341, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,209109, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,187392, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, State-gov,119578, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,51, Private,195105, HS-grad,9, Divorced, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,101752, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,74, ?,95825, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,3, United-States +>50K,49, Self-emp-inc,362654, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,20, ?,29810, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, Federal-gov,77332, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,80, Private,87518, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,1816,60, United-States +<=50K,63, Private,113324, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,63, Private,96299, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,45, United-States +<=50K,51, Private,237729, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,200973, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,212456, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,33, Self-emp-not-inc,131568, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,66, United-States +<=50K,49, Private,185859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,20, Private,231981, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,32, United-States +>50K,33, Self-emp-inc,117963, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,60, United-States +<=50K,26, Private,78172, Some-college,10, Married-AF-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,52, Private,164135, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,33, Private,171216, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,140664, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,249277, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Male,0,0,75, United-States +<=50K,53, Federal-gov,117847, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,52372, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Federal-gov,95806, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,53, Private,137428, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,169047, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +<=50K,68, Private,339168, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,504725, 10th,6, Never-married, Sales, Other-relative, White, Male,0,0,18, Guatemala +<=50K,28, Private,132870, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,54, Local-gov,135840, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,35644, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,22, Private,198148, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,25, Private,220098, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,262515, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,19, ?,423863, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,32, Federal-gov,111567, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,194096, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,51, Local-gov,420917, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,25, Private,197871, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,46, Local-gov,253116, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,206535, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +>50K,26, State-gov,70447, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,46, Private,201217, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,209970, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,196745, Some-college,10, Never-married, Other-service, Own-child, White, Female,594,0,16, United-States +<=50K,29, Local-gov,175262, Masters,14, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,35, United-States +>50K,51, Self-emp-inc,304955, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,181265, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,24, Private,200973, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,37440, Bachelors,13, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,31, Private,395170, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,24, Mexico +<=50K,54, ?,32385, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,353213, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,38619, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,66, United-States +<=50K,21, Private,177711, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,190761, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,27776, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +<=50K,37, Federal-gov,470663, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,71738, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,57, Private,74156, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,48, Private,202467, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,40, United-States +<=50K,24, Private,123983, 11th,7, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,43, Private,193494, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,169886, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,20, ? +<=50K,40, Private,130571, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Self-emp-inc,90363, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,49, Private,83444, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,239093, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3137,0,40, United-States +<=50K,62, Local-gov,151369, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,56630, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,117095, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Federal-gov,189985, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,34862, Some-college,10, Never-married, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,72, United-States +<=50K,37, Self-emp-inc,126675, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,43, State-gov,199806, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,57596, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,103459, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,28, Private,282398, Some-college,10, Separated, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,298841, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,45, Private,33300, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,22, ?,306031, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,306467, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,189888, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,83861, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,117393, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,129934, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,51, Private,179010, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,375680, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, ? +<=50K,48, Private,316101, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,293305, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,51, Local-gov,175750, HS-grad,9, Divorced, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +>50K,41, Private,121718, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,1848,48, United-States +<=50K,62, ?,94931, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,3411,0,40, United-States +>50K,50, State-gov,229272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,142828, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,54, Private,22743, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,60, United-States +>50K,68, Private,76371, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,23, Self-emp-not-inc,216129, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Private,107425, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,611029, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,363032, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,170020, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,45, United-States +<=50K,34, Private,137900, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Private,322674, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,23778, 7th-8th,4, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,147845, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,31, United-States +<=50K,36, Private,175759, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,166459, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,43, Private,128212, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, Vietnam +>50K,54, Federal-gov,127455, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,63, Private,134699, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +>50K,51, Private,254230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,159715, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,116286, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,146719, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +>50K,35, Private,361888, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,31, ?,26553, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,46, Self-emp-not-inc,32825, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,53, Private,225768, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,26, Federal-gov,393728, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,43, Private,160369, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,191807, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,50, Federal-gov,176969, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,1590,40, United-States +>50K,54, Federal-gov,33863, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,62, ?,182687, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,45, United-States +<=50K,57, State-gov,141459, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,174233, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,24, United-States +<=50K,29, Local-gov,95393, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,221095, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +>50K,53, Private,104501, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +<=50K,18, ?,437851, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,22, ?,131230, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,495888, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,69, Private,185691, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +<=50K,56, Private,201822, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2002,40, United-States +<=50K,53, Local-gov,549341, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,28, Private,247445, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,199566, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,33, Self-emp-inc,139057, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,84, Taiwan +<=50K,48, Private,185039, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +>50K,61, Private,166124, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,82649, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,45, United-States +<=50K,48, Private,109275, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,408328, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,186338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,130856, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,251579, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,14, United-States +<=50K,47, Private,76612, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,22546, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,72, Private,53684, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,183627, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,73203, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,57, Private,108426, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,48, England +<=50K,50, Private,116287, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, Columbia +<=50K,45, Self-emp-inc,145697, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,52, Private,326156, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,201127, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,250791, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,46, Private,328216, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,400443, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,75, Private,95985, 5th-6th,3, Widowed, Other-service, Unmarried, Black, Male,0,0,10, United-States +>50K,32, Local-gov,127651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,250679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,103950, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,200199, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,46, State-gov,295791, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,39, Private,191841, Assoc-acdm,12, Separated, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,82622, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,160728, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,63, Local-gov,109849, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,21, United-States +<=50K,28, Private,339897, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, Mexico +<=50K,28, ?,37215, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,45, United-States +<=50K,49, Private,371299, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,43, Private,421837, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,38, Private,29702, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,117381, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,62, England +<=50K,42, ?,240027, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,338740, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,28359, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,10, United-States +<=50K,29, ?,315026, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Federal-gov,314525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1741,45, United-States +>50K,30, Private,173005, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,286750, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,163985, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,30, Private,219318, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,35, Puerto-Rico +<=50K,42, Private,44121, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,52, Self-emp-not-inc,103794, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,42, Private,310632, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,39, Private,153976, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,43, Private,174575, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,62, Self-emp-not-inc,82388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,10566,0,40, United-States +<=50K,30, Private,207253, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +<=50K,83, ?,251951, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,39, Private,746786, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,308296, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,20, United-States +>50K,49, Private,101825, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,40, United-States +<=50K,25, Private,109009, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,413363, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,40, United-States +<=50K,59, ?,117751, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Male,0,0,8, United-States +<=50K,44, State-gov,296326, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,208358, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,4650,0,56, United-States +<=50K,40, Private,120277, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Ireland +<=50K,21, Private,193219, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, Jamaica +<=50K,41, Private,86399, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,24, Private,215251, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,67, Self-emp-not-inc,124470, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,228649, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,50, Self-emp-not-inc,386397, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,96798, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,55, ?,106707, Assoc-acdm,12, Married-civ-spouse, ?, Husband, Black, Male,0,0,20, United-States +<=50K,29, Private,159768, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,3325,0,40, Ecuador +<=50K,50, Private,139464, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, Ireland +>50K,64, State-gov,550848, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,68505, 9th,5, Divorced, Other-service, Not-in-family, Black, Male,0,0,37, United-States +<=50K,20, Private,122215, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,52, United-States +<=50K,30, Private,159442, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,80638, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, China +>50K,52, Private,192390, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,191324, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,25, United-States +<=50K,77, ?,147284, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,14, United-States +<=50K,19, State-gov,73009, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +>50K,52, Private,177858, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,55, United-States +<=50K,42, Private,163003, Bachelors,13, Married-spouse-absent, Tech-support, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,35, Private,95551, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,27, Private,125298, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,54, State-gov,198186, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +<=50K,37, Private,295949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,40, United-States +<=50K,37, Private,182668, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,124905, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,63, Private,171635, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,376240, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,42, United-States +<=50K,28, Private,157391, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,23, ?,114357, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,178134, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,207201, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,124483, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,64, Private,102103, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +>50K,40, Private,92036, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,236426, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, Private,400966, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,404573, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,35, Private,227571, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,145917, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,35, Local-gov,190226, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,356555, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,28, Private,66473, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,37, ?,172256, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,72, ?,118902, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,2392,6, United-States +<=50K,25, Self-emp-inc,163039, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Private,89559, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,35507, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,31, Private,163303, Assoc-voc,11, Divorced, Sales, Own-child, White, Female,0,0,38, United-States +<=50K,41, Private,192712, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,31, Private,381153, 10th,6, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,222434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,34706, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,47, United-States +<=50K,57, Self-emp-not-inc,47857, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,195216, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,44, Self-emp-inc,103643, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,60, Greece +<=50K,29, Local-gov,329426, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,183612, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +>50K,40, Private,184105, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,211385, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Black, Male,0,0,35, Jamaica +<=50K,21, Private,61777, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +>50K,34, Self-emp-not-inc,320194, Prof-school,15, Separated, Prof-specialty, Unmarried, White, Male,0,0,48, United-States +<=50K,24, Private,199444, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,15, United-States +<=50K,28, Private,312588, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,168675, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,35, Private,87556, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, State-gov,220421, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Federal-gov,404599, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,39, Private,99065, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Poland +<=50K,57, Local-gov,109973, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,246652, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,57423, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,291248, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +<=50K,50, Private,163708, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,240358, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,28, Private,25955, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,44, Private,101593, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Self-emp-not-inc,227890, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,225053, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,27, Private,228472, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,245378, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,50, Self-emp-inc,156623, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688,0,50, Philippines +>50K,27, Private,35032, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,258849, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,190115, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,63910, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,510072, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,210867, 11th,7, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,263024, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,306785, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-inc,104333, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,66, Private,340734, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,288585, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,20, South +<=50K,38, Private,241765, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,60, United-States +<=50K,25, Private,111058, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,104662, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,22, United-States +<=50K,90, Private,313986, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,41, Local-gov,52037, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, ?,146589, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,131776, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,914,0,40, Germany +<=50K,33, Private,254221, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,152909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +<=50K,39, Self-emp-not-inc,211785, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,20, United-States +<=50K,59, Private,160362, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,387215, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,1719,16, United-States +<=50K,39, Private,187046, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,38, United-States +<=50K,19, ?,208874, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,169631, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,202956, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,80467, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,28, Private,407672, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,243425, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,50, Peru +<=50K,50, ?,174964, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +>50K,36, Private,347491, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,34, Private,146161, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,449432, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,175499, 11th,7, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,288825, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,2258,84, United-States +<=50K,27, Local-gov,134813, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,52, United-States +<=50K,31, Local-gov,190401, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,260617, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,36, United-States +<=50K,31, Private,45604, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +>50K,59, Private,67841, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,244522, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,48, United-States +<=50K,19, Private,430471, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,194698, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,94235, Bachelors,13, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,57, Private,188330, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,78, United-States +<=50K,51, Local-gov,146181, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,177125, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +<=50K,30, Self-emp-inc,68330, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,95636, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,238329, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,52, Private,416129, Preschool,1, Married-civ-spouse, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,23, Private,285004, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, Taiwan +<=50K,90, ?,256514, Bachelors,13, Widowed, ?, Other-relative, White, Female,991,0,10, United-States +<=50K,25, Private,186294, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,188786, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,38, State-gov,31352, Some-college,10, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,22, Private,197613, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,33, Local-gov,161942, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,1055,0,40, United-States +>50K,34, Private,275438, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,65, Private,361721, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,144968, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,15, United-States +<=50K,29, Private,190539, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,6849,0,48, United-States +<=50K,25, Private,178037, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,306985, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,87928, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,242619, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,154165, 9th,5, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,511331, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,65, Local-gov,221026, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,56, Self-emp-not-inc,222182, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,39, Self-emp-not-inc,126569, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,23, Private,202344, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,190423, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,238917, 5th-6th,3, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, El-Salvador +>50K,41, Private,221947, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,40, Self-emp-inc,37997, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,55, Private,147098, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,278253, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,23, Private,195411, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,76196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,120131, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,20, Self-emp-not-inc,186014, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, Germany +<=50K,29, Private,205903, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,125405, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,219838, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,19395, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,31, Private,223327, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,114062, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,95654, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, Iran +<=50K,38, Private,177305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,66, ?,299616, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,117681, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,237651, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,33, State-gov,150570, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, State-gov,106705, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,50, United-States +<=50K,20, ?,174714, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,47, Self-emp-inc,175958, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,3325,0,60, United-States +>50K,33, Private,144064, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,66, ?,107112, 7th-8th,4, Never-married, ?, Other-relative, Black, Male,0,0,30, United-States +<=50K,20, Private,54152, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, ? +<=50K,28, Private,152951, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,190487, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,28, Ecuador +<=50K,25, Private,306666, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,45, United-States +<=50K,37, Private,195148, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,3137,0,40, United-States +<=50K,31, Self-emp-not-inc,226624, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,157569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,22966, Some-college,10, Married-spouse-absent, Tech-support, Unmarried, White, Male,0,0,20, United-States +>50K,52, Private,379682, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +<=50K,29, Private,446559, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,18, Private,41794, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,31, Local-gov,90409, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,125491, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Vietnam +>50K,27, ?,129661, Assoc-voc,11, Married-civ-spouse, ?, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,104748, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,50, Local-gov,169182, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,49, Dominican-Republic +>50K,46, Private,324655, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, ? +<=50K,24, Private,122272, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,17, ?,114798, 11th,7, Never-married, ?, Own-child, White, Female,0,0,18, United-States +<=50K,49, Self-emp-inc,289707, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,54, Local-gov,137691, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,84610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,49, Private,166789, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,348728, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,348092, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, Haiti +<=50K,63, Private,154526, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,67, Private,288371, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Canada +<=50K,23, Private,182342, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,244366, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,66, Private,102423, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,259688, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,98733, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +<=50K,35, Private,174856, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2885,0,40, United-States +<=50K,67, Self-emp-not-inc,141797, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,327202, 12th,8, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,76996, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,38, United-States +<=50K,34, Private,260560, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,370990, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,129010, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,21, Private,452640, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, Self-emp-inc,120796, 9th,5, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Federal-gov,45334, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,70, ? +<=50K,26, Private,229523, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,56, United-States +<=50K,18, Private,127388, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,18, ?,395567, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,119422, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1672,50, United-States +<=50K,59, Private,193895, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Private,163083, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,14084,0,45, United-States +<=50K,33, Self-emp-not-inc,155343, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,72, United-States +<=50K,25, Private,73895, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,48, Private,107682, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,10, United-States +<=50K,64, Private,321166, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,5, United-States +>50K,47, Local-gov,154940, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,103700, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,63509, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,243842, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,54, ?,187221, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,58597, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,44, United-States +<=50K,41, Self-emp-not-inc,190290, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, ?,158352, Masters,14, Never-married, ?, Not-in-family, White, Female,8614,0,35, United-States +<=50K,34, Private,62165, Some-college,10, Never-married, Sales, Other-relative, Black, Male,0,0,30, United-States +<=50K,20, ?,307149, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,24, Private,280134, 10th,6, Never-married, Sales, Not-in-family, White, Male,0,0,49, El-Salvador +<=50K,26, Private,118736, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,171114, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,35, Private,169638, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,36, United-States +>50K,41, Private,125461, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,145434, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,152182, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,27, Self-emp-inc,233724, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,32, Private,153963, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,51, Local-gov,88120, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Private,96330, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,66118, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,25, United-States +<=50K,26, Private,182178, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,38, Self-emp-not-inc,53628, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,0,35, United-States +>50K,54, Private,174865, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,66194, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, Outlying-US(Guam-USVI-etc) +<=50K,31, Private,73796, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,26, State-gov,28366, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,75, Self-emp-not-inc,231741, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931,0,3, United-States +<=50K,29, Private,237865, Masters,14, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,61, Private,195453, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,116934, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,22, ?,87867, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,456399, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,263608, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,263498, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,183765, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,27, Federal-gov,469705, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,1980,40, United-States +>50K,39, Local-gov,113253, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,20, Private,138768, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,302146, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Private,253866, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,28, Federal-gov,214858, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,43, Private,243476, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,169104, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,103218, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,57233, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,228320, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,217421, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,46, Private,185041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +>50K,27, Self-emp-not-inc,37302, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,70, United-States +<=50K,32, Private,261059, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,59767, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,333541, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,20, Private,133352, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,36, Private,99270, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +>50K,49, Private,204629, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,32, Private,34104, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,55, United-States +>50K,32, Private,312667, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,49, Private,329603, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,36, Private,281021, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,275385, Some-college,10, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,52, Federal-gov,129177, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,385591, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,201179, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,72, Private,38360, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,16, United-States +<=50K,30, Local-gov,73796, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,67671, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,257621, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,180052, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,656036, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Male,0,0,60, United-States +<=50K,46, Private,215943, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,488720, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,64, Federal-gov,199298, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,30, Puerto-Rico +<=50K,31, Private,305692, Some-college,10, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +<=50K,64, Private,114994, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,45, Private,88265, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,168569, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,32, Private,175413, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,43, Private,161226, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,66, ?,160995, 10th,6, Divorced, ?, Not-in-family, White, Female,1086,0,20, United-States +<=50K,23, Private,208598, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, Self-emp-not-inc,200471, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,256609, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,49, Private,176684, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,206512, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,212640, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,85, United-States +<=50K,47, Private,148724, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,266510, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,34, Local-gov,240252, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,358975, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, ?,124242, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,434710, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,25, Private,204338, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,30, ? +<=50K,46, Private,241844, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,191342, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,41, Private,221947, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,44, Private,111483, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,1504,50, United-States +>50K,30, Private,65278, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,133403, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,166416, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,58, ?,142158, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,21, Private,221480, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,25, Ecuador +>50K,35, Self-emp-not-inc,189878, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,278403, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,19, Private,184710, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,48, Private,177775, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, ?,275943, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Nicaragua +<=50K,65, Self-emp-not-inc,225473, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,289403, Bachelors,13, Separated, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +<=50K,26, Private,269060, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,449354, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,214413, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,80058, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,35, Private,202027, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,22, Self-emp-not-inc,123440, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,37, Private,191524, Assoc-voc,11, Separated, Prof-specialty, Own-child, White, Female,0,0,38, United-States +<=50K,25, Private,308144, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,64, Private,164204, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,53, ? +>50K,46, Private,205100, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,195750, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,27, United-States +>50K,63, Private,149756, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Local-gov,240358, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,68, Self-emp-not-inc,241174, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +<=50K,36, Private,356838, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Canada +<=50K,28, Self-emp-inc,115705, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Local-gov,137142, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,296066, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,401335, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,33, ?,182771, Bachelors,13, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,80, Philippines +>50K,34, Self-emp-inc,186824, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,46, Federal-gov,162187, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,98010, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,172538, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,18, Private,80163, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,33, Local-gov,43959, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,51, Private,162632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,56, Self-emp-not-inc,115422, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,54, Private,100933, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,270379, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Private,20109, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0,0,84, United-States +>50K,53, Private,114758, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +<=50K,22, Private,100345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,33, Private,184901, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,87239, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,63, Private,127363, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,12, United-States +>50K,53, Federal-gov,199720, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, Germany +<=50K,37, Private,143058, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, Federal-gov,36489, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,141698, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,26358, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,22, Private,195532, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,40, United-States +<=50K,21, Private,30039, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,125159, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, Jamaica +<=50K,20, Private,246250, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,77370, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,355569, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,32, Private,180603, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Private,201785, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,256211, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,27, Private,146764, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,22, ?,211968, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, Iran +<=50K,29, Private,200515, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,29, Private,52636, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,27049, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,111128, 10th,6, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,31, Self-emp-not-inc,348038, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, Puerto-Rico +<=50K,33, Private,93930, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,67, Private,397831, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1539,40, United-States +<=50K,46, Private,33794, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +>50K,45, Private,178215, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,17, Local-gov,191910, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,340110, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,70, United-States +>50K,48, Self-emp-not-inc,133694, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,49, Private,148398, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,133515, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,181667, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,46, Canada +<=50K,64, Private,159715, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,53, Federal-gov,174040, Some-college,10, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,52, Private,117700, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,37215, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,32, Self-emp-inc,46807, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,48, Self-emp-not-inc,317360, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,30, Private,425627, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,34, Private,82623, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,19, ?,63574, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,39, Private,140854, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,185061, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,17, Private,160118, 12th,8, Never-married, Sales, Not-in-family, White, Female,0,0,10, ? +<=50K,54, Private,282680, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,137591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,1762,40, United-States +<=50K,25, Private,198163, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,132749, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,12, United-States +>50K,48, Local-gov,31264, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178,0,40, United-States +<=50K,24, Private,399449, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,27494, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, Taiwan +>50K,47, Private,368561, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,102096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,19, Private,406078, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,52, Self-emp-inc,100506, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,52, Private,29658, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,20469, HS-grad,9, Never-married, ?, Other-relative, Asian-Pac-Islander, Female,0,0,12, South +<=50K,60, Private,181953, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,28, United-States +>50K,43, Private,304175, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,170070, Assoc-acdm,12, Divorced, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,20, ?,193416, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,194908, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,357962, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,214716, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,40, Self-emp-inc,207578, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,146409, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,341643, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,50, United-States +<=50K,52, Private,131631, 11th,7, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,53, Private,88842, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,56, ?,128900, Some-college,10, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,417136, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,336763, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,880,42, United-States +<=50K,29, Private,209301, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,120986, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,65, United-States +<=50K,27, Private,51025, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,218281, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,64, Private,114994, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,18, United-States +<=50K,53, Private,335481, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,32, United-States +<=50K,21, Private,174503, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Self-emp-not-inc,230478, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,52, State-gov,149650, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,38, Private,149419, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, ?,341539, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Private,185099, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,56, ?,132930, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,50, United-States +>50K,68, Private,128472, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,124971, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +>50K,40, Self-emp-inc,344060, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,286750, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,99, United-States +<=50K,38, Private,296999, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +>50K,45, Private,123681, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,232024, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,55, United-States +>50K,57, Local-gov,52267, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,119182, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,25, Private,191230, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Yugoslavia +<=50K,52, Federal-gov,23780, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,184553, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +<=50K,26, Self-emp-inc,242651, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,246226, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Self-emp-inc,86745, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,25, Private,106889, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,21, Private,460835, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,45, United-States +<=50K,48, Self-emp-not-inc,213140, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,33, State-gov,37070, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Canada +<=50K,31, State-gov,93589, HS-grad,9, Divorced, Protective-serv, Own-child, Other, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,213258, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,65, United-States +<=50K,37, State-gov,46814, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,29, ?,168873, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,284737, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,309620, Some-college,10, Married-civ-spouse, Sales, Husband, Other, Male,0,0,60, ? +<=50K,49, Private,197418, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,73, ?,132737, 10th,6, Never-married, ?, Not-in-family, White, Male,0,0,4, United-States +>50K,49, Private,185041, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,51, Private,159604, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,123557, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,275421, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,167147, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +>50K,41, Private,197583, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,175109, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,46, Private,117502, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,64, Private,180401, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,146603, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, State-gov,143822, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,21, Private,51985, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, State-gov,48121, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +>50K,37, Private,234807, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,7430,0,45, United-States +>50K,39, Federal-gov,65324, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,30, Private,302149, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,25, Private,168403, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1741,40, United-States +<=50K,26, Private,159897, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Private,416338, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,59, Private,370615, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,27, Private,219371, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, Jamaica +>50K,55, Private,120970, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,22966, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,12, Canada +<=50K,25, Private,34541, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, Canada +<=50K,28, Private,191027, Assoc-acdm,12, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,107458, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,60, Private,121832, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,233825, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,25, Private,73839, 11th,7, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,109165, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,50, State-gov,103063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,29762, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013,0,70, United-States +<=50K,46, Private,111979, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,35, Private,150125, Assoc-voc,11, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, ?,301853, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, ?,296738, 11th,7, Separated, ?, Not-in-family, White, Female,6849,0,60, United-States +<=50K,40, Private,118001, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,49, Private,149337, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,36601, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Local-gov,118600, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,625,40, United-States +<=50K,39, Private,279272, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,60, United-States +<=50K,35, Private,181020, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +<=50K,52, Private,165998, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,218136, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,20, Self-emp-inc,182200, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,39363, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,10, ? +<=50K,24, Private,140001, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,193260, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,30, India +<=50K,21, Private,191243, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,207887, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Female,0,0,50, United-States +<=50K,43, Federal-gov,211450, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,184759, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,26, United-States +<=50K,47, Private,197836, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,61, Private,232308, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,21, ?,189888, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,55, United-States +<=50K,35, Private,301614, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,146674, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,225291, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Local-gov,148509, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,35, India +<=50K,56, Private,136413, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,73064, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,35, United-States +<=50K,19, Private,39026, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Self-emp-not-inc,33035, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,193494, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,147440, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, ?,153131, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,64671, HS-grad,9, Divorced, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,35, Self-emp-not-inc,225399, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,8614,0,40, United-States +<=50K,20, Private,174391, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,48, Private,377757, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,30, Local-gov,364310, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, Germany +>50K,31, Private,110643, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,70240, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,24, Philippines +>50K,57, State-gov,32694, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,41, Private,95047, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,44, United-States +<=50K,33, Private,264936, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,367329, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,56026, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,186452, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,50, Private,125417, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +>50K,40, Self-emp-not-inc,242082, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,31023, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +<=50K,40, ?,397346, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,424079, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,38, Self-emp-not-inc,108947, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,25, State-gov,261979, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,55507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,22, ?,291407, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,353358, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,41, Private,67339, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +<=50K,33, Private,235109, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,208180, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, State-gov,423561, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,145290, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,24, Private,403671, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Local-gov,49325, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,370494, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,25, Private,267012, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,191856, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,80445, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,379798, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,168387, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,301948, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,34095,0,3, United-States +<=50K,36, Private,274809, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,58, Private,233193, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,27, United-States +>50K,34, Private,299635, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,19, Private,236396, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,688355, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,37019, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,148015, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024,0,40, United-States +<=50K,43, Private,122975, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,21, Trinadad&Tobago +<=50K,52, State-gov,349795, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,229846, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,40, ? +<=50K,43, Private,108945, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,22, Private,237498, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,188872, 5th-6th,3, Divorced, Transport-moving, Unmarried, White, Male,6497,0,40, United-States +<=50K,37, Private,324019, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,82488, Some-college,10, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,38, United-States +>50K,54, Private,206964, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,37088, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,152540, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,65, Private,143554, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,126242, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,127185, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,164018, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4064,0,50, United-States +<=50K,25, Private,210184, 11th,7, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,35, ?,117528, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,47, Private,124973, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,23, Private,182117, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +>50K,42, Private,220049, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,247975, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,55, Private,50164, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, State-gov,123160, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,10, China +>50K,46, Self-emp-inc,219962, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, ? +>50K,53, Private,79324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,129100, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,60, United-States +<=50K,40, Private,210275, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,189462, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,171114, Assoc-voc,11, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,22, Private,201799, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,35, ?,200426, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,12, United-States +<=50K,20, ?,24395, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,43, Private,191149, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Local-gov,34173, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,30, Private,350979, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,41, Private,147314, HS-grad,9, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,38, Private,136081, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,77, ?,232894, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,373403, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,120601, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,130926, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,32, Federal-gov,72338, Assoc-voc,11, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,27, Private,129624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, State-gov,328697, Some-college,10, Divorced, Protective-serv, Other-relative, White, Male,0,0,45, United-States +<=50K,40, Private,191196, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,191117, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,49, Private,110243, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,181580, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,29, Private,89030, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,47, Private,345493, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,55, Taiwan +<=50K,24, Self-emp-not-inc,277700, Some-college,10, Separated, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,58, ?,198478, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,29, Private,250679, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,168837, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,24, Canada +<=50K,30, Private,142675, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,299050, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,59, Private,107833, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1485,40, United-States +<=50K,47, Private,121958, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,41, Private,282948, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,3137,0,40, United-States +<=50K,28, Private,176683, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, France +>50K,46, Private,34377, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,209833, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,66, State-gov,41506, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,30, Local-gov,125159, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,14084,0,45, ? +<=50K,44, Self-emp-not-inc,147206, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,12, United-States +>50K,58, Self-emp-not-inc,93664, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,21, Private,315065, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,48, Mexico +<=50K,59, Private,381851, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Local-gov,185769, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, Private,186272, 9th,5, Married-civ-spouse, Adm-clerical, Husband, Black, Male,5178,0,40, United-States +<=50K,30, Private,312667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,343925, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,26, Private,195994, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,48, Private,398843, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,31, Private,73514, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,36, Private,288049, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,54759, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,30, Private,155343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,33, Private,401104, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,124884, 9th,5, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +>50K,37, Local-gov,287306, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,99999,0,40, ? +>50K,53, Private,113995, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,146378, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, ? +>50K,38, Private,111499, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,34, Private,34374, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,162187, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,33, Local-gov,147654, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,182467, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,44, United-States +<=50K,22, Private,183970, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Private,332588, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,45, Private,26781, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,8, United-States +<=50K,17, Private,48610, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,50, Private,162632, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,38, Local-gov,91711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,33, Private,198003, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,46, Private,179048, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, ? +<=50K,25, Private,262778, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,6849,0,50, United-States +<=50K,64, Private,102470, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,123170, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +>50K,32, Private,164243, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,262511, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,51170, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,40, State-gov,91949, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,21, Private,123727, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +>50K,39, Private,173175, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,35, Self-emp-not-inc,120301, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,250967, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,285432, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,36235, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,34, ?,317219, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,51, Local-gov,110965, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,123283, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,15, United-States +<=50K,20, ?,249087, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,152940, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,376680, HS-grad,9, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,56, Private,231232, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, Canada +>50K,55, Self-emp-not-inc,168625, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,12, United-States +<=50K,26, Private,33939, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +>50K,46, Private,155659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,32, Local-gov,190228, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,216178, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,587310, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,35, Guatemala +<=50K,23, Private,155919, 9th,5, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,59, Private,227386, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,138152, 12th,8, Never-married, Craft-repair, Other-relative, Other, Male,0,0,48, Guatemala +<=50K,36, Private,167482, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,57957, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,33, Private,157747, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,70, United-States +>50K,60, Self-emp-not-inc,88570, Assoc-voc,11, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,15, Germany +<=50K,40, Private,273308, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,48, Mexico +<=50K,48, Private,216292, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,43, United-States +<=50K,27, Self-emp-not-inc,131298, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,386378, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,179668, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,210812, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,45, Federal-gov,311671, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +<=50K,20, Private,215247, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,32, Federal-gov,125856, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,74631, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,13, United-States +<=50K,22, Private,24008, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, State-gov,354591, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,114,0,38, United-States +>50K,34, Private,155343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,50, United-States +<=50K,46, Private,308334, 1st-4th,2, Widowed, Other-service, Unmarried, Other, Female,0,0,30, Mexico +<=50K,39, Private,245361, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,79, Self-emp-not-inc,158319, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +>50K,60, ?,204486, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,24, Private,314823, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, Dominican-Republic +<=50K,31, Private,211334, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,65, United-States +<=50K,37, Self-emp-not-inc,73199, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3137,0,77, Vietnam +<=50K,23, Private,126550, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Private,260782, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,45, El-Salvador +>50K,29, Private,114224, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,64292, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,43, United-States +<=50K,69, ?,628797, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,55, Local-gov,219775, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,43, Private,212894, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,23, Private,260019, 7th-8th,4, Never-married, Farming-fishing, Unmarried, Other, Male,0,0,36, Mexico +<=50K,29, Private,228075, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,35, Mexico +<=50K,22, Private,239806, Assoc-voc,11, Never-married, Other-service, Other-relative, White, Female,0,0,40, Mexico +<=50K,22, Private,324637, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +>50K,25, Private,163620, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,84, United-States +<=50K,29, Private,194200, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,25, State-gov,129200, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Federal-gov,207172, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,135312, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,100734, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,28, United-States +>50K,30, Local-gov,226443, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,45, United-States +<=50K,55, Private,110871, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,192704, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,4650,0,50, United-States +<=50K,47, ?,224108, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,78870, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,8614,0,40, United-States +>50K,42, Private,107762, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,183611, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, Germany +<=50K,62, Local-gov,249078, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,65, Self-emp-inc,208452, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,302195, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,199947, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +>50K,47, Private,379118, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,50, Self-emp-inc,174855, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,70, ?,173736, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,32, Self-emp-not-inc,39369, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,196348, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,31, Private,340917, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,14344,0,40, United-States +<=50K,76, Private,97077, 10th,6, Widowed, Sales, Unmarried, Black, Female,0,0,12, United-States +<=50K,54, Private,200098, Bachelors,13, Divorced, Sales, Not-in-family, Black, Female,0,0,60, United-States +>50K,32, Federal-gov,127651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,315128, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,52, United-States +>50K,31, Federal-gov,206823, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Self-emp-not-inc,316093, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,1668,40, United-States +>50K,30, Private,112115, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, Ireland +<=50K,63, ?,203821, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,250051, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +>50K,40, Federal-gov,298635, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1902,40, Philippines +<=50K,26, State-gov,109193, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,130849, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,34, Local-gov,43959, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,66, Local-gov,222810, Some-college,10, Divorced, Other-service, Other-relative, White, Female,7896,0,40, ? +<=50K,44, Self-emp-not-inc,27242, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,30, Private,53158, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,206520, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,164190, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,287988, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, ?,200819, 7th-8th,4, Divorced, ?, Own-child, White, Male,0,0,84, United-States +<=50K,23, Private,83891, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,49, Private,65087, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,39, Self-emp-not-inc,363418, Bachelors,13, Separated, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,67, ?,182378, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,9386,0,60, United-States +<=50K,19, Private,278870, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,30, Private,174789, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,50, United-States +<=50K,25, Private,228608, Some-college,10, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, Cambodia +<=50K,24, Private,184400, HS-grad,9, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,30, ? +<=50K,46, Private,263568, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,117381, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,41, Federal-gov,83411, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,49156, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,44, Private,421449, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,238944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,58, Private,188982, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,20, United-States +<=50K,48, Private,175925, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,34, Private,164190, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,232914, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,46, Self-emp-inc,120121, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Local-gov,180805, HS-grad,9, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,59, Local-gov,161944, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,29, Private,319149, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +<=50K,50, ?,22428, Masters,14, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,290528, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,123984, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,48, Private,34186, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,51, Federal-gov,282680, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,70, United-States +>50K,36, Private,183892, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,8614,0,45, United-States +>50K,42, Local-gov,195124, 11th,7, Divorced, Sales, Unmarried, White, Male,7430,0,50, Puerto-Rico +>50K,49, State-gov,55938, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,209900, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +>50K,40, Private,179717, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1564,60, United-States +<=50K,26, Private,150361, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,69, ?,164102, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Private,252714, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, Italy +<=50K,30, Private,205204, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,168906, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,30, Private,112115, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,116531, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,202994, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,16, United-States +<=50K,56, Private,191917, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,4101,0,40, United-States +<=50K,24, Private,341294, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,216734, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,51, Private,182187, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,35, United-States +<=50K,34, Private,424988, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,379118, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,9, United-States +>50K,47, Private,168232, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,147171, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +>50K,34, Self-emp-inc,207668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, ? +<=50K,31, Private,193650, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,200187, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,52, Private,188644, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,56, Private,398067, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,29658, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,26, Private,154966, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,81, Private,364099, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,28, ?,291374, 10th,6, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Federal-gov,97837, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,34, Private,117983, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, ?,345497, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,64167, Assoc-voc,11, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,315877, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,2001,40, United-States +<=50K,68, Federal-gov,232151, Some-college,10, Divorced, Adm-clerical, Other-relative, Black, Female,2346,0,40, United-States +<=50K,60, Private,225526, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,37, Federal-gov,289653, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,179462, 7th-8th,4, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,67317, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,77764, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,253438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,150309, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,47, Self-emp-not-inc,83064, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,60, Self-emp-not-inc,376973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,75, Private,311184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,43, Local-gov,159449, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,168288, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,1092,40, Philippines +<=50K,20, Private,275190, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,189838, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Self-emp-inc,101338, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,43, Private,331894, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,18, Self-emp-not-inc,40293, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Local-gov,88904, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,145041, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Dominican-Republic +>50K,35, Private,46385, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,90, United-States +<=50K,41, State-gov,363591, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,183327, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,1594,20, United-States +>50K,32, State-gov,182556, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,45, United-States +<=50K,33, Private,267859, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, El-Salvador +<=50K,58, Private,190747, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,162869, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,65, United-States +<=50K,33, Private,141229, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,42, Self-emp-not-inc,174216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,25, Private,366416, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,172538, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,35, Private,193026, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,50, Private,184424, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,38, United-States +>50K,49, Local-gov,337768, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,179059, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,99549, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,72619, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, State-gov,55764, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,37, Private,30267, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,25, Private,308144, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,29, Private,206351, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,26, Private,282304, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, ?,176077, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,45, Self-emp-inc,142719, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,114973, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,33, Federal-gov,159548, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,91209, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,196564, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-not-inc,149220, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,21, Private,169699, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,218215, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,156718, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,55720, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Self-emp-inc,257250, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,194630, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,398931, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,50, United-States +>50K,37, Self-emp-not-inc,362062, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,44, Local-gov,101593, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,42, United-States +>50K,33, Private,196266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Local-gov,197332, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,97842, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,86837, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,1902,40, United-States +<=50K,17, Private,57324, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,116852, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, Portugal +>50K,45, Private,154430, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,10520,0,50, United-States +<=50K,37, Private,38468, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Local-gov,188808, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,177163, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,914,0,50, United-States +<=50K,41, Private,187322, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,107578, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,2174,0,40, United-States +<=50K,38, Private,168680, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,256755, Bachelors,13, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,40, Cuba +>50K,35, Private,360799, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,18, Private,188476, 11th,7, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +<=50K,47, Private,30457, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,252752, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,41, Self-emp-not-inc,443508, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,244408, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,24, Vietnam +<=50K,41, Private,178983, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,143068, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407,0,50, United-States +<=50K,30, Local-gov,247328, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,201732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,246829, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,28, ?,290267, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,18, United-States +<=50K,29, Private,119170, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,207923, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,48, State-gov,170142, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,187164, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,60, United-States +<=50K,34, Local-gov,303867, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,291429, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,32, Private,213179, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, State-gov,111843, Assoc-acdm,12, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,297154, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2407,0,40, United-States +>50K,47, Federal-gov,68493, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,46, Federal-gov,340718, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,194059, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,47296, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1740,20, United-States +<=50K,28, State-gov,286310, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,207202, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,33, Self-emp-inc,132601, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,139183, 10th,6, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,41, Private,160785, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,117849, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,38, Local-gov,225605, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,24, Private,190290, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,49, Private,164799, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,60, Federal-gov,21876, Some-college,10, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,44, Private,160785, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,63, Self-emp-inc,272425, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,168538, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,45, Self-emp-inc,204205, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,49, Private,142287, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,50, United-States +<=50K,36, Private,169926, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Local-gov,205024, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,8, United-States +<=50K,41, Private,374764, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,0,0,20, United-States +<=50K,25, Private,108779, Masters,14, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,293136, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,60, Private,227332, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Local-gov,246308, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, Puerto-Rico +>50K,28, Private,51331, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,16, United-States +<=50K,31, Private,153078, Assoc-acdm,12, Never-married, Craft-repair, Own-child, Other, Male,0,0,50, United-States +<=50K,47, Private,169180, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Self-emp-not-inc,193451, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,305147, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,138892, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,402397, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,60, United-States +<=50K,34, Private,223267, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,19, Private,29250, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +>50K,51, ?,203953, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,46, State-gov,29696, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,30, Private,315640, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,40, China +<=50K,37, Private,632613, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, Mexico +>50K,56, Private,282023, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,77760, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,46, Self-emp-not-inc,148599, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,414994, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,339863, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,8614,0,48, United-States +<=50K,34, Private,499249, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,45, ?,144354, 9th,5, Separated, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,41, Private,252058, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, ?,99543, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,34, Private,117963, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,194652, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,299705, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,37, United-States +<=50K,19, Federal-gov,27433, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,47, Local-gov,39986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,135342, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,270142, Assoc-voc,11, Separated, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +<=50K,33, Self-emp-not-inc,118267, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,29, Private,266043, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,35633, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,74568, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,214816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,222971, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +>50K,31, Private,259425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,212120, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,245880, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,58, Local-gov,54947, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,47, Self-emp-inc,79627, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,50, United-States +<=50K,55, Private,151474, Bachelors,13, Never-married, Tech-support, Other-relative, White, Female,0,1590,38, United-States +<=50K,26, Private,132661, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,5013,0,40, United-States +<=50K,28, Private,161674, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,62346, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,227236, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,283033, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,298249, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,10605,0,40, United-States +<=50K,42, Private,251229, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,199949, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,13, United-States +<=50K,23, State-gov,305498, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,203836, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, State-gov,79440, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,30, Japan +>50K,48, Local-gov,142719, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,119859, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,141410, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,44, Local-gov,202872, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,27, Private,198813, HS-grad,9, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Federal-gov,129707, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,445758, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,18, ?,30246, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,173981, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,108506, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,34, Private,134886, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,181970, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1672,40, United-States +<=50K,57, Self-emp-inc,282913, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Cuba +>50K,59, Local-gov,196013, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Federal-gov,348491, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,52, Private,416164, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,49, Mexico +<=50K,17, Private,121037, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,103111, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, Canada +>50K,63, Self-emp-not-inc,147589, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,24008, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,24, United-States +>50K,42, Self-emp-inc,123838, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,50, Self-emp-not-inc,175456, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,84774, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,30, United-States +<=50K,27, Private,194590, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,25, United-States +<=50K,28, Private,134566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,211678, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,44, Federal-gov,44822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, State-gov,144586, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,119156, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,371987, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, State-gov,144125, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Private,31905, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,48, Self-emp-not-inc,121124, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,46, Private,58126, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,318518, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,296509, 7th-8th,4, Separated, Farming-fishing, Not-in-family, White, Male,0,0,45, Mexico +>50K,32, Private,473133, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,155434, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,52, Private,99185, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,39, Private,56648, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,47, United-States +>50K,57, Local-gov,118481, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,21, Private,321666, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,594,0,40, United-States +<=50K,22, State-gov,119838, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,26, Private,330695, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,58039, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,44, Private,313022, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,178134, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,165309, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,22, Private,216181, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,62, Private,178745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,111067, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,163788, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,295591, 1st-4th,2, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,45, Private,123075, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,78045, 11th,7, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,32, Local-gov,255004, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Private,254221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,20, Private,174714, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,15, United-States +<=50K,68, Self-emp-not-inc,450580, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,61, Private,128230, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,48, Private,192894, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,325390, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,20333, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,7688,0,40, United-States +<=50K,32, Federal-gov,128714, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,32, United-States +<=50K,35, Private,170797, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,269186, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,127671, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,211840, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,16, United-States +<=50K,37, Private,163392, HS-grad,9, Never-married, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,40, Private,201495, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,251854, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,41, Private,279297, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,60, United-States +>50K,52, Self-emp-not-inc,195462, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,98, United-States +<=50K,33, Private,170769, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,142443, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,25, Self-emp-not-inc,182809, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,53, Private,121441, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,275094, 1st-4th,2, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,35, Private,170263, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,172571, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,58, Poland +<=50K,34, Private,178615, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,279524, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, State-gov,165201, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,65, Local-gov,323006, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,29, Private,235168, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,39, Self-emp-inc,114844, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +>50K,46, Local-gov,216414, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,34378, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,2580,0,60, United-States +>50K,47, State-gov,80914, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,47, United-States +<=50K,62, Private,73292, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,212165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,90, Private,52386, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,33, Private,205649, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,57, Private,109638, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,45, United-States +<=50K,25, Private,200408, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,187720, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,236180, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,118693, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,363130, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,18, United-States +<=50K,39, Private,225544, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Poland +<=50K,59, Federal-gov,243612, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,160786, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,49, Private,234320, 7th-8th,4, Never-married, Prof-specialty, Other-relative, Black, Male,0,0,45, United-States +<=50K,34, Private,314646, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,124971, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,209184, Bachelors,13, Married-civ-spouse, Sales, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,39, State-gov,121838, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,265275, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Private,71417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,34, Private,45522, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Local-gov,250135, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,55, United-States +<=50K,18, Private,120283, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,20, Private,216972, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,116791, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,55, State-gov,26290, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,38, United-States +<=50K,22, Private,216134, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,143932, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,217120, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, State-gov,223944, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,185452, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, Canada +<=50K,57, Local-gov,44273, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,178983, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,219288, 7th-8th,4, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,349190, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,49, Self-emp-inc,158685, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2377,40, United-States +<=50K,41, Federal-gov,57924, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,40, State-gov,270324, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,30, United-States +>50K,38, Private,33001, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,58, Private,204021, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, Canada +<=50K,26, Private,192506, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,57, Private,372967, 10th,6, Divorced, Adm-clerical, Other-relative, White, Female,0,0,70, Germany +<=50K,28, Private,273929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1628,60, United-States +<=50K,42, Private,195821, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,56179, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,55, United-States +<=50K,17, ?,127003, 9th,5, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,124090, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,199600, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,42, Private,255847, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,48, United-States +<=50K,51, Self-emp-not-inc,218311, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,27, Private,167336, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,41, Private,59938, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,28, Private,263728, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,278230, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Female,10520,0,30, United-States +<=50K,73, ?,180603, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,49, Private,43910, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +>50K,47, Private,190139, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,109001, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +>50K,42, Local-gov,159931, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,32, Private,194987, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,32, Local-gov,87310, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,41, United-States +<=50K,27, Private,133937, Masters,14, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,207064, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,36011, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Federal-gov,168294, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +>50K,49, Local-gov,194895, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,40, United-States +<=50K,58, Self-emp-not-inc,49884, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,27305, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,229977, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,64520, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,32, ?,134886, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,2, United-States +>50K,37, Private,305379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,202284, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,42, Self-emp-not-inc,99185, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,25, Private,159662, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Male,0,0,26, United-States +<=50K,67, Private,197865, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,175149, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Female,0,0,38, United-States +>50K,49, Local-gov,349633, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,36, Private,135293, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,45, ? +<=50K,18, Private,242893, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,25, Private,218667, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,144811, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,146091, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999,0,36, United-States +<=50K,21, Private,206861, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, ? +<=50K,65, Self-emp-not-inc,226215, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,66, Private,114447, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,124187, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,60, United-States +<=50K,51, Private,147954, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3411,0,38, United-States +<=50K,27, Self-emp-inc,64379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,17, Private,156501, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +>50K,32, Private,207668, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,61, ?,161279, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,36, United-States +>50K,38, Private,225707, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Cuba +<=50K,43, Local-gov,115603, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,40, State-gov,506329, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,63, Private,275034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1740,35, United-States +>50K,76, ?,172637, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,42, Private,56483, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Federal-gov,144778, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,76, Self-emp-not-inc,33213, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, ? +>50K,41, Local-gov,297248, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,45, United-States +<=50K,17, Private,137042, 10th,6, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,30, Self-emp-not-inc,33308, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,158420, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, Iran +<=50K,22, Private,41763, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,53, ?,220640, Bachelors,13, Divorced, ?, Other-relative, Other, Female,0,0,20, United-States +<=50K,28, Private,149734, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,52, United-States +<=50K,25, ?,262245, Assoc-voc,11, Never-married, ?, Own-child, White, Female,3418,0,40, United-States +<=50K,24, Private,349691, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +>50K,47, Private,185385, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,174463, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,236068, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,63, ?,445168, Bachelors,13, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,56, United-States +<=50K,25, Private,91334, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,28, Private,33895, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,36, Private,214816, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,229773, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,166386, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,35, Taiwan +>50K,44, Private,266135, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,300379, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +>50K,54, Federal-gov,392502, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,73809, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,193720, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,316183, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,162944, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,186888, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,27, ?,330132, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,24, Private,192017, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,20, State-gov,161978, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,52, Private,202930, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,323309, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-inc,197332, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-inc,204033, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, ? +<=50K,22, Private,271274, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,174242, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,209483, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,39, Federal-gov,99146, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,60, United-States +<=50K,52, Self-emp-not-inc,102346, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,25, Private,181666, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,207367, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,40, Cuba +<=50K,35, State-gov,82622, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,50, Private,202296, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,142182, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,48, Federal-gov,94342, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,41493, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, Canada +<=50K,18, Private,181712, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,29, Self-emp-not-inc,164607, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,41496, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,143098, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +>50K,36, Local-gov,196529, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,157332, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,42, United-States +<=50K,30, Local-gov,154935, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,223231, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +<=50K,35, ?,253860, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,362589, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,94880, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,43, Mexico +<=50K,20, Private,309580, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,130389, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, Scotland +<=50K,21, Private,349365, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,376936, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,179557, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,105577, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,51, Private,224207, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,47907, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Self-emp-not-inc,191283, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,57, Private,20953, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,22, State-gov,186569, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,12, United-States +>50K,59, Private,43221, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,161141, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,203003, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,90, Private,141758, 9th,5, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,113322, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,50, Private,343847, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +>50K,45, Private,214068, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Private,116632, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,240160, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,516337, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,23, Self-emp-inc,284651, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,43, United-States +<=50K,39, State-gov,141420, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,42750, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, United-States +>50K,54, Private,165278, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,167265, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,44, Private,139907, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +>50K,31, Self-emp-inc,236415, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,312966, 9th,5, Separated, Handlers-cleaners, Other-relative, White, Male,0,0,40, El-Salvador +>50K,33, Private,118941, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,32, United-States +<=50K,32, Private,198068, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,373952, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,236111, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,55, United-States +<=50K,80, Private,157778, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,21, Private,143604, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,35, Self-emp-not-inc,319831, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,77, ?,132728, Masters,14, Divorced, ?, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,137606, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +<=50K,35, ?,61343, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,268234, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,100135, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1740,25, United-States +<=50K,53, Self-emp-not-inc,34973, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,323790, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,55, United-States +>50K,57, Private,319733, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,21, ?,180339, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,19, Private,125591, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,60772, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,42, Federal-gov,74680, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Male,0,2001,60, United-States +<=50K,29, Self-emp-not-inc,141185, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,38, ?,204668, Assoc-voc,11, Separated, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,26, Private,273792, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,70037, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,3004,60, ? +<=50K,40, Private,343068, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,177907, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,144063, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,257574, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,67065, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,183356, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,152940, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,227128, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,45607, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,49, Private,155489, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,230704, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, ?,267955, 9th,5, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,165115, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,49923, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,272240, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,255476, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, Mexico +<=50K,59, Private,194290, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +>50K,52, Private,145548, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,175262, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,45, Local-gov,37306, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,137547, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,53, Private,276515, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, Cuba +<=50K,23, Private,174626, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,35, Private,215310, 11th,7, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,332355, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,204057, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,391591, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,169092, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,230743, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,190963, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,74, ?,204840, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,56, Mexico +<=50K,19, Private,169853, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,212091, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +<=50K,31, Private,202822, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, ?,226989, Some-college,10, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,140011, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,53, United-States +<=50K,20, ?,432376, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, Germany +>50K,35, Private,90273, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,23, Private,224424, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,168943, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,19, Private,571853, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,30, Private,156464, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,108542, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,34, Local-gov,194325, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,114797, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,40135, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2042,40, United-States +<=50K,38, Private,204756, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,228190, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,20, United-States +>50K,33, Private,163392, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,54, Private,138845, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Local-gov,169853, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Never-worked,206359, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,224097, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,160786, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,190044, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,145290, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,120268, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,70, United-States +<=50K,17, Private,327434, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,41, Self-emp-inc,218302, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,1184622, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, United-States +>50K,90, Local-gov,227796, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,60, United-States +<=50K,25, Private,206343, HS-grad,9, Never-married, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Private,36851, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,148550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Private,157079, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, ? +<=50K,31, Federal-gov,142470, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,86750, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +>50K,63, Private,361631, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,163229, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,179594, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Private,254773, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,50, United-States +<=50K,26, Private,58065, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,26, Private,205428, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,41183, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,19, ?,308064, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,61, Private,173924, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,23, State-gov,142547, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,119704, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,35, Private,275364, Bachelors,13, Divorced, Tech-support, Unmarried, White, Male,7430,0,40, Germany +<=50K,42, Self-emp-not-inc,207392, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,31, Private,147215, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,31, Private,101562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,55, United-States +<=50K,63, Private,216413, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, State-gov,188986, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,1590,64, United-States +<=50K,43, State-gov,52849, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,304710, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,10, Vietnam +<=50K,17, Private,265657, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,23, Self-emp-not-inc,258298, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,2231,40, United-States +<=50K,35, Private,360814, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,53260, HS-grad,9, Divorced, Other-service, Unmarried, Other, Female,0,0,28, United-States +>50K,50, Self-emp-inc,127315, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,25, Private,233777, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, ? +<=50K,26, Local-gov,197530, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,340940, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,88432, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,57, Private,183810, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,90, Private,51744, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +>50K,35, Private,175614, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,235237, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,60, Private,227266, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,21, Private,146499, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,1579,40, United-States +<=50K,71, Local-gov,337064, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,141003, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,50, Local-gov,117791, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,172846, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,73514, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,74, Private,211075, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,67, Private,197816, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1844,70, United-States +>50K,59, Private,43221, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,28, Private,183780, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,40, United-States +<=50K,45, Private,26781, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,271550, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,39, Private,250157, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,63, United-States +<=50K,33, State-gov,913447, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,153078, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, South +>50K,34, Private,181091, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,39, Private,231491, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,29, State-gov,95423, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,22, Private,234663, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Private,283602, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,13550,0,43, United-States +<=50K,46, Private,328669, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,51, Private,143741, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,83508, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,2354,0,99, United-States +<=50K,56, State-gov,81954, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,261375, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,52, Private,310045, 9th,5, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,30, China +>50K,39, Private,316211, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Federal-gov,88564, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,37, Private,61299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,113364, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,35, ?,476573, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,46, Private,267107, 5th-6th,3, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, Italy +<=50K,35, Private,48123, 12th,8, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,50, United-States +<=50K,33, Private,214635, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,48, Private,115585, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,194141, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,18, ?,23233, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,89991, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,35, Private,101709, HS-grad,9, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,19, Private,237455, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,206492, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +<=50K,56, Private,28729, 11th,7, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,153475, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, El-Salvador +<=50K,45, Private,275517, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,128002, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,44, Private,175485, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,12, United-States +>50K,55, Private,189664, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,34, Private,209808, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, Private,176992, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,154669, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,55, United-States +<=50K,25, Private,191271, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,375482, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,102953, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,55, United-States +<=50K,53, Private,169182, 10th,6, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Columbia +<=50K,47, Private,184005, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,3325,0,45, United-States +<=50K,49, Self-emp-inc,30751, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,145477, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,31, Private,91964, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,49249, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,80, United-States +<=50K,19, Private,218956, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,241306, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, ?,251572, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,35, Poland +<=50K,23, Private,319842, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,44, Private,332401, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +<=50K,54, Local-gov,182388, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,205939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,21, Private,203914, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,19, State-gov,156294, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +>50K,51, Private,254211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,41, Private,151504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,61, Private,85548, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,18, United-States +<=50K,19, Self-emp-not-inc,30800, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,22, Private,131230, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,61850, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,227800, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,35, Private,133454, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,104094, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,29, Private,105422, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,142182, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,336643, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,80, United-States +>50K,62, Self-emp-inc,200577, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,208703, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Japan +<=50K,55, ?,193895, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, England +<=50K,25, Private,272428, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,4416,0,42, United-States +>50K,33, Private,56701, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,75, United-States +<=50K,26, Private,288592, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,266439, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Federal-gov,276868, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,131435, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,175127, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,25, Private,277444, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,63296, Masters,14, Divorced, Prof-specialty, Other-relative, Black, Male,0,0,40, United-States +<=50K,28, Private,96337, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,221955, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +<=50K,40, Private,197923, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,2977,0,40, United-States +<=50K,29, Private,632593, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,205970, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,25, United-States +>50K,25, Private,139730, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,18, Private,201901, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,32, State-gov,230224, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,113464, 1st-4th,2, Never-married, Other-service, Own-child, Other, Male,0,0,35, Dominican-Republic +<=50K,48, Private,94461, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,16, United-States +<=50K,20, Private,271379, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,55, Private,231738, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, England +>50K,33, Local-gov,198183, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, State-gov,140764, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,43, Self-emp-not-inc,183479, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,35, Private,165767, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,139364, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,227491, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,25, Private,222254, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,44, Private,193494, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +<=50K,27, Private,29261, Assoc-acdm,12, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,39, Private,174368, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,69, Private,108196, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,110622, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,20, ?,201680, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,37, Private,130277, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Local-gov,98130, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,39, United-States +<=50K,62, ?,235521, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +>50K,34, State-gov,595000, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,349148, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,42, State-gov,117583, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,60, United-States +<=50K,26, Private,164583, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,39, Private,340091, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,75, United-States +<=50K,25, Private,49092, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,54, Local-gov,186884, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,30, United-States +>50K,44, State-gov,167265, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,34, State-gov,34104, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,38, United-States +<=50K,21, Self-emp-inc,265116, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,128378, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, ? +<=50K,33, Private,158416, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Self-emp-inc,169878, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,44, Private,296728, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,342458, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,21, Local-gov,38771, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,269300, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,60, United-States +>50K,43, Private,111483, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,57, ?,199114, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,51, Local-gov,33863, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,132874, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,277024, HS-grad,9, Separated, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,112160, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,703067, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,58, Private,127264, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-inc,257200, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,57206, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,201319, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,114079, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,45, Private,230979, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,292472, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,64, ?,286732, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,134444, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,30, Private,172403, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,46, Private,191357, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,279288, 10th,6, Never-married, ?, Other-relative, White, Female,0,0,30, United-States +>50K,60, Private,389254, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,303867, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,44, United-States +>50K,47, Private,164113, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,40, United-States +<=50K,39, Private,111499, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,266084, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,45, United-States +<=50K,27, Private,61580, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Private,231348, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,164748, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Private,205337, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,54566, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,45, Private,34419, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,59, Private,116442, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,290740, Assoc-acdm,12, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,255582, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,112517, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +>50K,44, Private,169397, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,172664, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,329005, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,123253, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,55, Private,81865, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,173314, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,60, United-States +<=50K,31, Private,34572, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,57, Self-emp-inc,159028, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,30, Private,149184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,78, ?,363134, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,1, United-States +<=50K,28, Private,308709, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,30, Self-emp-not-inc,257295, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,2258,40, South +>50K,29, Private,168479, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,142501, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,3, United-States +>50K,60, Private,338345, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,177675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,262617, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,2597,0,40, United-States +<=50K,24, Private,200997, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +>50K,29, Private,176683, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Private,376072, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,34, Local-gov,177675, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,59, Private,348430, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,43, United-States +<=50K,23, Private,320451, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,24, United-States +<=50K,23, Private,38151, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,40, Philippines +<=50K,55, Local-gov,123382, Assoc-voc,11, Separated, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +>50K,39, Self-emp-inc,151029, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,484475, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,329792, 7th-8th,4, Divorced, Transport-moving, Unmarried, White, Male,0,0,75, United-States +<=50K,35, Private,148903, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,39, Local-gov,301614, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,47, Private,176319, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,0,0,38, United-States +>50K,53, State-gov,53197, Doctorate,16, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,291407, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +>50K,35, Private,204527, Masters,14, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,476391, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,224964, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,26, Private,306225, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Poland +<=50K,23, Private,292023, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,94041, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, Ireland +>50K,49, Self-emp-inc,187563, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,176101, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,2174,0,60, United-States +<=50K,36, Private,749105, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,41, ?,230020, 5th-6th,3, Married-civ-spouse, ?, Husband, Other, Male,0,0,40, United-States +>50K,21, Private,216070, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,46, United-States +>50K,54, Self-emp-not-inc,105010, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,198203, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Local-gov,215419, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,120460, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,199316, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, India +<=50K,46, Private,146919, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,174744, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,189564, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,1, United-States +<=50K,21, Private,249957, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,51, Private,146574, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, State-gov,156417, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,20, United-States +<=50K,42, Private,236110, 5th-6th,3, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,19, Private,63363, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,190107, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,126569, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,176756, 12th,8, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,115161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,57, Self-emp-not-inc,138892, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +>50K,38, Private,256864, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,265083, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,34, Private,249948, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,46, Federal-gov,31141, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,164190, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, ? +<=50K,45, State-gov,67544, Masters,14, Divorced, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,174789, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,199753, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +>50K,62, Private,122246, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,8614,0,39, United-States +<=50K,56, ?,188166, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,96586, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,189590, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,140590, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,33, United-States +<=50K,35, Private,255702, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,27, United-States +>50K,33, Private,260782, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,38, Private,169926, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +<=50K,37, State-gov,151322, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Private,192869, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,93604, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,1602,32, United-States +<=50K,31, Private,86958, 9th,5, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,53, Local-gov,228723, HS-grad,9, Divorced, Craft-repair, Not-in-family, Other, Male,0,0,40, ? +<=50K,33, Private,192644, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,35, Puerto-Rico +<=50K,72, Private,284080, 1st-4th,2, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,54, Private,43269, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,190040, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,306108, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,220148, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,50, United-States +<=50K,30, Private,381645, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,216361, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,16, United-States +>50K,30, Private,213722, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Private,112271, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,208277, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,44, United-States +<=50K,38, State-gov,352628, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,129620, 10th,6, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,32, Private,249550, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,44, United-States +<=50K,49, Private,178749, Masters,14, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,76, ?,173542, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,60, Private,167670, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,60, Private,81578, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,55, Private,160662, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,41, Private,163322, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,30, ? +<=50K,24, Private,152189, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,106176, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7298,0,60, United-States +<=50K,69, State-gov,159191, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,810,38, United-States +<=50K,71, ?,250263, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,3432,0,30, United-States +>50K,41, Private,78410, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,131379, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,166929, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,380357, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,79190, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,342164, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +>50K,44, Private,182616, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,339473, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +>50K,31, Local-gov,381153, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,56, United-States +<=50K,51, Private,300816, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Male,0,0,20, United-States +<=50K,51, Private,240988, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,23, Private,149224, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,168216, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,56, Private,286487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,45, United-States +>50K,39, Private,305597, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,109766, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,30, Self-emp-not-inc,188798, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,240170, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,31, Private,459465, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Local-gov,162506, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,43, Self-emp-not-inc,145441, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +>50K,37, Federal-gov,129573, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, ? +>50K,41, Private,27444, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,43, Private,195258, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,55272, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,164526, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2824,45, United-States +<=50K,46, Private,27802, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,165289, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,274657, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,50, Guatemala +>50K,24, Private,317175, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,39, Self-emp-inc,163237, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,37, Private,170408, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, ?,55950, Bachelors,13, Never-married, ?, Own-child, Black, Female,0,0,40, Germany +<=50K,40, Private,76625, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,366066, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,349368, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Private,286824, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,32, Private,373263, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,161978, HS-grad,9, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,543922, Masters,14, Divorced, Transport-moving, Not-in-family, White, Male,14344,0,48, United-States +>50K,46, Local-gov,109089, Prof-school,15, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,110151, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Private,34110, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,44, United-States +<=50K,47, Self-emp-not-inc,118506, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,22, Private,117789, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,34, Self-emp-not-inc,353881, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,200471, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,20, Private,258517, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,190367, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,174704, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,179413, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,329530, 9th,5, Never-married, Priv-house-serv, Own-child, White, Male,0,0,40, Mexico +<=50K,31, Private,273818, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, Mexico +<=50K,46, Private,256522, 1st-4th,2, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,42, Private,196001, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,282660, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,72630, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,50295, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,203240, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +>50K,56, Self-emp-not-inc,172618, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,41, Private,202168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,61, Private,176839, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Private,176140, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Private,39952, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2228,0,37, United-States +<=50K,33, Private,292465, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,40, ?,161285, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +>50K,48, Private,355320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Canada +>50K,56, Private,182460, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,50, Private,69345, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,55, United-States +>50K,57, Self-emp-not-inc,102058, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,165804, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Female,0,0,40, United-States +<=50K,46, Private,318259, Assoc-voc,11, Divorced, Tech-support, Other-relative, White, Female,0,0,36, United-States +<=50K,21, Private,117606, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,170718, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,413297, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,190457, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,54, Private,88278, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,32, Local-gov,217296, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,4064,0,22, United-States +<=50K,62, ?,97231, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,1, United-States +>50K,50, Private,123429, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,420282, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,498325, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,248533, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +>50K,46, Private,137354, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,42, Private,272910, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Self-emp-inc,206054, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,92141, Assoc-acdm,12, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Private,163199, Some-college,10, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,34, Private,195860, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,115717, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2051,40, United-States +<=50K,18, Private,120029, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,33, Private,221762, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Private,342164, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,21, Private,176356, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,133239, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,169101, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,159442, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,174461, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,43, Private,361280, 10th,6, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,42, China +<=50K,52, State-gov,447579, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, England +<=50K,27, ?,308995, Some-college,10, Divorced, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,61, Private,248448, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,161141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,212465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,170871, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,43, Local-gov,233865, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Private,163052, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,348690, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Federal-gov,34845, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Germany +<=50K,22, Private,206861, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,349230, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,130840, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,19, Private,415354, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,132191, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,202466, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,27, ?,224421, Some-college,10, Divorced, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,236804, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, United-States +<=50K,47, Private,102771, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,221403, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,18, United-States +<=50K,76, ?,211574, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,1, United-States +<=50K,39, Private,52645, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,276310, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,134613, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,43, United-States +<=50K,44, Private,215479, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,20, Haiti +>50K,53, Private,266529, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,265807, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,67716, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,178951, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,35, Private,241126, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,176544, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,45, Private,169180, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,37, Self-emp-not-inc,282461, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,53, Private,157069, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,99357, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,38, Self-emp-not-inc,414991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, ? +<=50K,65, Self-emp-inc,338316, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,59612, 10th,6, Divorced, Farming-fishing, Unmarried, White, Male,0,0,70, United-States +<=50K,24, Private,220426, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,115912, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,27032, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,19, Private,170720, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,60, Private,183162, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,192360, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,78, ?,165694, Masters,14, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,26, Private,128553, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,58, Private,209423, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,38, Cuba +<=50K,37, Self-emp-not-inc,121510, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, United-States +>50K,41, Private,93793, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,133602, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,391329, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,48, Private,96359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Greece +<=50K,22, Private,203894, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Female,0,0,24, United-States +<=50K,50, Private,196193, Masters,14, Married-spouse-absent, Prof-specialty, Other-relative, White, Male,0,0,60, ? +<=50K,25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,18, Private,50879, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,6, United-States +<=50K,21, Private,186849, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,201127, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,110998, HS-grad,9, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,39, Private,190466, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,2174,0,40, United-States +>50K,67, Self-emp-not-inc,173935, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,8, United-States +<=50K,19, Private,167140, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1602,24, United-States +<=50K,18, Private,110230, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,11, United-States +<=50K,36, Private,287658, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,224954, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,25, ?,394820, Some-college,10, Separated, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,40, Private,37618, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,73, Self-emp-not-inc,29306, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,37314, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,31, Private,420749, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,482732, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,206215, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,101364, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,66, Self-emp-inc,185369, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,66, Private,216856, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,256019, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,348144, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,3325,0,53, United-States +<=50K,24, Private,190293, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,25932, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,25, Private,176729, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,166961, 11th,7, Separated, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,86373, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,320513, 7th-8th,4, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,50, Dominican-Republic +>50K,34, State-gov,190290, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,41, Local-gov,111891, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,45796, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,108496, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,2907,0,40, United-States +>50K,41, Self-emp-not-inc,120539, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +>50K,36, Self-emp-not-inc,164526, Masters,14, Never-married, Sales, Not-in-family, White, Male,10520,0,45, United-States +<=50K,37, Private,323155, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,85, Mexico +<=50K,28, Private,65389, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,19, Private,414871, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,161607, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,224953, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,261382, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,58, Self-emp-not-inc,231818, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Greece +<=50K,42, Self-emp-inc,184018, HS-grad,9, Divorced, Sales, Unmarried, White, Male,1151,0,50, United-States +<=50K,43, Self-emp-inc,133060, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,35032, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,304212, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,64, Local-gov,50442, 9th,5, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +>50K,39, Private,146091, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,26, Private,267431, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,19, Private,121240, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,21, Private,192572, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,32, Private,211028, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,346122, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,5013,0,45, United-States +<=50K,26, Private,202203, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,50, United-States +<=50K,20, Private,159297, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,19, Private,310158, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,33, Federal-gov,193246, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,23, Private,200089, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,29, Private,38353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,76280, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,243665, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,68872, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,34, Private,103596, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,88055, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,48, Private,186203, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,257910, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,200227, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,124975, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,27828,0,55, United-States +<=50K,32, Private,227669, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,22, Private,117210, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, Greece +<=50K,25, Private,76144, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,98667, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,24, Local-gov,155818, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,44, United-States +<=50K,29, Private,283760, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,73, ?,281907, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +>50K,39, Private,186183, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,202153, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,365683, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,187538, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, ?,209432, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,33, Private,126950, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,110028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,104660, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +>50K,57, Self-emp-not-inc,437281, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,42, Private,259643, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +<=50K,22, Private,217961, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,1719,30, United-States +<=50K,21, ?,134746, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,42, Self-emp-not-inc,120539, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,25803, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,41, Private,63596, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,20, Local-gov,325493, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,47, Private,211239, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,206686, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,427965, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,218550, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,14084,0,16, United-States +>50K,71, Private,163385, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,52, Private,124993, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +<=50K,36, Private,107410, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Private,152373, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +>50K,37, Private,161226, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,26, Private,213799, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,204461, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,35, Private,377798, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,116375, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,34, Local-gov,210164, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,56, Self-emp-not-inc,258752, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,39, Private,327435, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,24, Private,301199, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,186221, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,203924, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,192236, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,152035, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,201454, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,156580, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,37, United-States +<=50K,51, Private,115851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,106753, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,59, Private,359292, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,83003, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,78817, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,200967, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,36, United-States +<=50K,38, State-gov,107164, Some-college,10, Separated, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,189674, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Black, Female,0,0,28, ? +<=50K,34, Self-emp-not-inc,90614, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Self-emp-not-inc,323790, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,70, United-States +<=50K,45, Self-emp-not-inc,242552, 12th,8, Divorced, Craft-repair, Other-relative, Black, Male,0,0,35, United-States +<=50K,21, Private,90935, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,64, Self-emp-inc,165667, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, Canada +<=50K,32, Private,162604, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +>50K,45, Private,205424, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,97411, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,42, Private,184857, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,32, Private,165226, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,115784, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,368476, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, Mexico +<=50K,28, Private,53063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,29, ?,134566, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,153471, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +>50K,37, Self-emp-inc,107164, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,2559,50, United-States +>50K,38, Private,180303, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +<=50K,44, Local-gov,236321, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,19, Private,141868, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,22, ?,367655, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,203518, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,119558, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,108276, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,385452, 10th,6, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,162003, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,349028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,45114, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,44, Private,112797, 9th,5, Divorced, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,28, Private,183639, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,177121, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,38, Private,239755, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,150361, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,293091, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +>50K,24, Private,200089, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, Mexico +<=50K,40, Private,91836, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,324960, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,79, Local-gov,84616, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,7, United-States +<=50K,44, Private,252930, 10th,6, Divorced, Adm-clerical, Unmarried, Other, Female,0,0,42, United-States +>50K,51, Private,44000, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,50, United-States +<=50K,30, Private,154843, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,99307, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,3103,0,48, United-States +>50K,41, Private,182567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,33, Private,93206, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,50, Private,100109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,51, Private,114927, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,41, Private,121287, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,189916, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,34, Private,157747, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,28, Private,39232, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Self-emp-inc,133861, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,505980, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,183374, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2329,0,15, United-States +>50K,65, Private,193216, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,9386,0,40, United-States +>50K,39, Self-emp-not-inc,140752, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,549349, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,179008, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-not-inc,190554, 10th,6, Divorced, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,47, Private,80924, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,51, Local-gov,319054, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,34, Private,297094, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,52, Private,170562, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,29, Private,240738, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,297544, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,169905, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,149637, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,182526, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,158315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,61, Self-emp-inc,227232, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,34, Private,96483, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,8614,0,60, United-States +<=50K,41, Private,286970, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,223529, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,0,43, United-States +>50K,78, Self-emp-not-inc,316261, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,99999,0,20, United-States +>50K,40, Private,170214, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,224361, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,43, Private,124919, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,55, ?,103654, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,306352, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Mexico +<=50K,26, Self-emp-not-inc,227858, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,48, United-States +>50K,43, Self-emp-inc,150533, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,25, Private,144478, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, Poland +<=50K,22, Private,254547, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,30, Jamaica +>50K,52, Self-emp-not-inc,313243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,61, Private,149981, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,2414,0,5, United-States +<=50K,42, Private,125461, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,306967, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,192976, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,65, Private,192133, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,40, Greece +<=50K,56, ?,131608, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,10, United-States +<=50K,33, Federal-gov,339388, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,203240, 10th,6, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,83827, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,24, United-States +<=50K,45, Self-emp-inc,160440, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,42, Private,108502, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,42, United-States +<=50K,37, Private,410913, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, Other, Male,0,0,40, Mexico +<=50K,56, Private,193818, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, ?,163582, 10th,6, Divorced, ?, Unmarried, White, Female,0,0,16, ? +<=50K,40, Private,103789, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,32, United-States +<=50K,31, Private,34572, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,43408, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,105787, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,90693, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,45, Self-emp-not-inc,285575, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,47, Local-gov,56482, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,50, United-States +<=50K,22, Private,496025, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,33, Private,382764, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,259284, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,50, United-States +<=50K,48, Self-emp-not-inc,185385, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,98, United-States +<=50K,57, Self-emp-not-inc,286836, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,47, Private,139145, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,58, Local-gov,44246, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,169611, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,133403, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,187327, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,180032, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,46561, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,23, Private,86065, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,256014, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,188403, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,396758, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,70, United-States +<=50K,25, Private,60485, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,32, Private,271276, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,56, Private,229525, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,34574, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,19, State-gov,112432, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,20, Private,105312, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,34, Private,221396, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,304872, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,319733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,176012, 9th,5, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,23, United-States +<=50K,31, Private,213750, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,248384, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,351187, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Private,138179, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,1876,40, United-States +<=50K,59, Private,50223, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,117477, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,36, United-States +<=50K,40, Private,194360, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,118108, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,25, Local-gov,90730, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,18, Self-emp-inc,38307, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,41, Private,116391, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,210496, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,168475, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,174386, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,39, Private,166744, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +<=50K,19, Private,375114, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,373469, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,339667, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,41, United-States +>50K,39, Private,91711, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,82049, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,236242, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,57, Self-emp-inc,140319, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,33, Local-gov,34080, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,56, Private,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,187124, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,72310, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,58, Private,175127, 12th,8, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,48, Federal-gov,205707, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,10520,0,50, United-States +>50K,45, Local-gov,236586, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +<=50K,18, Private,71792, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,56, Private,87584, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,48, Self-emp-inc,136878, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,287983, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,2258,48, Philippines +<=50K,38, Private,110607, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,58, Private,109015, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,235071, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,63, Private,88653, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,51, Private,332243, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, ?,291547, 5th-6th,3, Married-civ-spouse, ?, Wife, Other, Female,0,0,40, Mexico +<=50K,44, Private,45093, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,46, Federal-gov,161337, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, State-gov,211222, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,32, Private,295117, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, England +<=50K,31, Private,206541, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,36, Private,238415, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,29810, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,108023, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,114324, Assoc-voc,11, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,54, Private,172281, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,50, United-States +<=50K,59, Local-gov,197290, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,191177, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,57, Private,562558, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,79531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Self-emp-inc,157881, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Self-emp-not-inc,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,185695, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,39, Self-emp-inc,167482, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-inc,83748, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,70, South +<=50K,27, Private,39232, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,236827, 9th,5, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,154410, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,135308, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,204042, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,20, Private,308239, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,55, Private,183884, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,98948, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,141642, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,162623, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-inc,186934, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,179512, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,25, Private,391192, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +<=50K,31, Private,87054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,30008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,113466, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,70, Private,642830, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,23, Private,182117, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,162432, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,242184, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,170850, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4064,0,60, United-States +<=50K,56, Private,435022, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,79, Private,120707, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,35, El-Salvador +<=50K,20, Private,170800, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,30, Private,268575, HS-grad,9, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,27, Private,269354, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, ? +>50K,40, Private,224232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,153072, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +>50K,58, Private,177368, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,163293, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,2, United-States +>50K,50, Private,178530, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,29, Local-gov,183523, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Iran +<=50K,33, Private,207267, 10th,6, Separated, Other-service, Unmarried, White, Female,3418,0,35, United-States +>50K,60, State-gov,27037, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,33, Private,176711, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Private,163215, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, ? +<=50K,33, Private,394727, 10th,6, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,33, Private,195488, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,52, United-States +<=50K,32, State-gov,443546, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,121023, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,9, United-States +<=50K,38, Private,51838, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,38, Private,258888, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,39, State-gov,189385, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,30, United-States +<=50K,17, Private,198146, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,21, Private,337766, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,42, Private,210525, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +>50K,42, Private,185602, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,173804, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,251243, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Self-emp-not-inc,415847, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,119793, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,181705, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,182360, HS-grad,9, Separated, Prof-specialty, Unmarried, Other, Female,0,0,60, Puerto-Rico +<=50K,49, Private,61885, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,146520, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,323790, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,146268, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,287031, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,40, United-States +<=50K,33, Local-gov,292217, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,88126, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,143046, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,401623, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, Jamaica +>50K,36, Self-emp-not-inc,283122, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,60, United-States +<=50K,84, Self-emp-not-inc,155057, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,260254, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,152292, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,55, Self-emp-inc,138594, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,30, Self-emp-not-inc,523095, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,175262, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,55, Private,323706, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,34, Private,316470, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,163815, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,72208, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,52, Local-gov,74784, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,36, Private,383518, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,99999,0,40, United-States +<=50K,25, Self-emp-not-inc,266668, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,347519, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,336088, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,36, Private,190350, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,31, Private,204052, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,31362, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,90, Self-emp-not-inc,155981, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,10566,0,50, United-States +>50K,67, Private,195161, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,60, United-States +<=50K,22, Self-emp-inc,269583, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,47, Private,26994, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,32, Private,116539, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,55, United-States +<=50K,55, Self-emp-not-inc,189933, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,101283, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,113598, Some-college,10, Separated, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,21, Private,188793, HS-grad,9, Married-civ-spouse, Sales, Husband, Other, Male,0,0,35, United-States +<=50K,33, Private,109996, Assoc-acdm,12, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,195681, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, ? +<=50K,47, Private,436770, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,84253, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,44, Self-emp-inc,383493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,216867, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,37, Mexico +<=50K,18, Private,401051, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,56, Private,83196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,325596, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +>50K,43, Private,187322, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,193949, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +<=50K,26, Private,133373, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,42, United-States +<=50K,42, Private,113324, HS-grad,9, Widowed, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,178818, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,152810, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,335997, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,55, United-States +<=50K,40, Private,436493, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,27, Private,704108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Local-gov,150084, Some-college,10, Separated, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,42, Private,341204, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,187336, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,204209, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,42, Self-emp-not-inc,206066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,38, Private,63509, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,391121, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,56026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,60981, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,4, United-States +<=50K,21, Private,228255, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,86745, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,55, Private,234327, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,59948, 9th,5, Never-married, Adm-clerical, Unmarried, Black, Female,114,0,20, United-States +<=50K,31, Private,137814, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,167692, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,245090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,51, Self-emp-not-inc,256963, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,160033, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,30, United-States +<=50K,38, Local-gov,289430, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,52, Local-gov,305053, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,70, Self-emp-not-inc,172370, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,53, Private,320510, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,171355, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,65027, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,18, Private,215190, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,41, ?,149385, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, ?,169324, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,24, Private,138938, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,557082, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, Private,273287, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,34, Self-emp-not-inc,77209, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +<=50K,35, Private,317153, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,95469, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,45, United-States +<=50K,18, Private,302859, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,333651, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,30, Private,177596, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,36, United-States +>50K,40, Self-emp-inc,157240, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,30, Iran +<=50K,22, Private,184779, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,138358, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,28, United-States +<=50K,70, Private,176285, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,23, United-States +>50K,43, Private,102180, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,209507, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,229741, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,324546, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,39, United-States +>50K,51, Private,337195, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,50, United-States +>50K,58, State-gov,194068, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,22, Private,250647, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,33, Private,477106, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,104329, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,224566, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,169841, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,41, Private,42563, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,25, United-States +<=50K,37, Private,31368, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,132755, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,50, Private,279129, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,31, ?,86143, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,54, State-gov,44172, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,23, State-gov,93076, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,40, Private,146653, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,29, Private,221366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, Germany +<=50K,38, Private,189404, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,35, ? +<=50K,30, Private,172304, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,116666, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,8, India +<=50K,43, Self-emp-not-inc,64112, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,55718, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,25, United-States +>50K,39, Private,126675, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,48, Private,102112, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,226505, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,211527, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,175069, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, Yugoslavia +<=50K,25, Private,25249, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,73411, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,207185, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, Puerto-Rico +>50K,66, Private,127139, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,41809, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,297449, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,40, United-States +<=50K,46, Private,141483, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,42, Local-gov,117227, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,46, Private,377401, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,70, Canada +<=50K,34, Local-gov,167063, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,253759, Some-college,10, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,42, Private,183096, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,269654, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,70, ?,293076, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,34104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Federal-gov,80057, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Germany +<=50K,42, Self-emp-inc,369781, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Male,0,0,25, United-States +<=50K,21, Private,223811, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,163053, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,189461, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,55, United-States +>50K,50, Local-gov,145166, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,37, Private,86310, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,19, ?,263224, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,30, United-States +>50K,44, Federal-gov,280362, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,301031, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,74966, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,24, United-States +<=50K,36, Private,254493, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,49, Self-emp-not-inc,204241, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,225024, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Local-gov,148222, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,75, State-gov,113868, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,20, United-States +<=50K,42, Private,132633, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, ? +<=50K,37, Private,44780, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,86373, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,25, United-States +<=50K,61, Local-gov,176753, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,164707, Assoc-acdm,12, Never-married, Exec-managerial, Unmarried, White, Female,2174,0,55, ? +<=50K,50, Local-gov,370733, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,216851, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,137951, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,185279, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,56, Private,159724, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,103233, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,63509, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,174353, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,168109, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,50, United-States +<=50K,27, Private,159724, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,105010, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2051,20, United-States +<=50K,30, Private,179112, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, ? +<=50K,46, Private,364913, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,48, Self-emp-inc,155664, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,61, Private,230568, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,86492, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,87, United-States +<=50K,40, Private,71305, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,58, Self-emp-inc,189933, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,46, Self-emp-inc,191978, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,50, United-States +>50K,35, Private,38948, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,139127, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,37, Private,301568, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,64, Private,149044, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2057,60, China +<=50K,41, Private,197344, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,54, United-States +<=50K,18, Private,32244, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,30, United-States +<=50K,44, Self-emp-not-inc,315406, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,88, United-States +>50K,41, State-gov,47170, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0,0,48, United-States +>50K,33, State-gov,208785, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,37, Private,196338, 9th,5, Separated, Priv-house-serv, Unmarried, White, Female,0,0,16, Mexico +<=50K,34, Private,269243, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Federal-gov,215115, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, ? +<=50K,20, Private,117767, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,176101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,138283, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-not-inc,132320, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,22, Federal-gov,471452, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,8, United-States +<=50K,55, Private,147653, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,73, United-States +<=50K,20, Private,49179, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,174921, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,95997, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,70, United-States +<=50K,40, Private,247245, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,67072, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, ?,95329, Some-college,10, Divorced, ?, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,107882, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,241825, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,46, United-States +<=50K,18, Private,79443, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,49, Self-emp-not-inc,233059, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,226980, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +<=50K,34, Self-emp-not-inc,181087, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,37, Private,305597, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,49, Federal-gov,311671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,74, Private,129879, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,15831,0,40, United-States +<=50K,37, Private,83375, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,115824, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1573,40, United-States +>50K,40, Private,141657, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,34, Private,50276, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,30, Private,177216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1740,40, Haiti +<=50K,44, Private,228057, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, Puerto-Rico +<=50K,40, Private,222848, 10th,6, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,32, United-States +<=50K,58, Private,121111, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, Greece +<=50K,44, Private,298885, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,149909, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,39, Private,387430, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,18, United-States +<=50K,19, Private,121972, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,41, Private,280167, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,70, United-States +<=50K,29, State-gov,191355, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,112115, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,38, ?,104094, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,211032, Preschool,1, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,41310,0,24, Mexico +<=50K,54, Private,199307, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,48, United-States +<=50K,40, Private,205175, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,37, United-States +<=50K,19, Private,257750, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,17, Private,191260, 11th,7, Never-married, Other-service, Own-child, White, Male,594,0,10, United-States +<=50K,33, Private,342730, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,80, Private,249983, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,24, Self-emp-not-inc,161508, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,28, Private,338376, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,334308, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,21, Private,133471, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,129177, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,19, Private,178811, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,42, Private,178537, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,60, Self-emp-not-inc,235535, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,20, ?,298155, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,51, Private,145114, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,194096, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,37, State-gov,191779, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,159732, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,52, United-States +>50K,42, Federal-gov,170230, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,60, United-States +<=50K,40, Private,104719, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,55, Private,163083, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,403552, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,32, United-States +>50K,62, Private,218009, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,60, United-States +<=50K,47, Private,179313, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,26, Private,51961, 12th,8, Never-married, Sales, Other-relative, Black, Male,0,0,51, United-States +<=50K,59, Private,426001, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,20, Puerto-Rico +<=50K,70, Local-gov,176493, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,26, Private,124068, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,47, Private,108510, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,25, Private,181528, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +>50K,52, Self-emp-inc,173754, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,46, Private,169699, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,126849, 10th,6, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,20, United-States +>50K,34, Private,204470, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, State-gov,116367, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,4650,0,40, United-States +<=50K,22, Private,117363, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,39, Local-gov,106297, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,42, United-States +<=50K,54, Self-emp-not-inc,108933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,190143, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,246677, HS-grad,9, Separated, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +>50K,38, Private,175360, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Male,0,2559,90, United-States +<=50K,41, Local-gov,210259, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Private,166304, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,33, United-States +>50K,43, Private,303051, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,39, Private,49308, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,192262, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,49, Local-gov,192349, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +>50K,37, Self-emp-not-inc,48063, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,43, Private,170214, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,54, Federal-gov,51048, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,246562, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,57, Local-gov,215175, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,28, Private,114967, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,464536, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,451996, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,138852, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, State-gov,353012, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,321822, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,50, Self-emp-not-inc,324506, HS-grad,9, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,48, South +<=50K,36, Private,162256, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Local-gov,356689, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,260199, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,103605, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,316211, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,308691, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,39, Private,194404, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,18, Private,334427, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,36, United-States +<=50K,33, Private,213226, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Private,342824, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,1151,0,40, United-States +<=50K,23, Private,33105, Some-college,10, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,37, Private,147638, Bachelors,13, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,36, Philippines +<=50K,25, Private,315643, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,51, Federal-gov,106257, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,342768, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,108960, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,168071, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,136935, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,13, United-States +>50K,37, Self-emp-not-inc,188774, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,55, United-States +>50K,29, Private,280344, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,202496, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,37, United-States +<=50K,61, Self-emp-inc,134768, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,175686, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,194748, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,49, United-States +<=50K,49, Private,61307, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,38, United-States +>50K,51, Self-emp-not-inc,165001, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,25236,0,50, United-States +<=50K,34, Private,325658, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,201844, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,20, Private,505980, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,185336, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +>50K,49, Self-emp-inc,362795, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,99999,0,80, Mexico +<=50K,26, Private,126829, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,264600, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,82743, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, Iran +>50K,63, Self-emp-not-inc,125178, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,128487, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +>50K,40, Private,321758, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,128220, 7th-8th,4, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,176814, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Canada +>50K,35, Private,188069, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,13550,0,55, ? +<=50K,23, State-gov,156423, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,25, Private,169905, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,34, ?,157289, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,28, Private,176972, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,44, Self-emp-not-inc,171424, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,2205,35, United-States +<=50K,33, Private,91811, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,203924, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,2597,0,45, United-States +<=50K,55, Private,177484, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,1672,40, United-States +<=50K,17, ?,454614, 11th,7, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,75, Self-emp-not-inc,242108, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,2346,0,15, United-States +<=50K,61, Private,132972, 9th,5, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,157947, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,26, Local-gov,177482, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,48, Private,246891, Some-college,10, Widowed, Sales, Unmarried, White, Male,0,0,50, United-States +>50K,28, State-gov,158834, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, ?,203834, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Taiwan +<=50K,29, Private,110442, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,240676, Some-college,10, Divorced, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,192939, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,260696, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,40, Local-gov,55363, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Private,144949, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,55, Private,116878, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,30, United-States +<=50K,31, Local-gov,357954, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,20, United-States +<=50K,21, ?,170038, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,190290, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Italy +<=50K,26, State-gov,203279, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2463,0,50, India +>50K,26, Private,167761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,138845, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,144844, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +<=50K,21, ?,161930, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,1504,30, United-States +<=50K,26, Private,55743, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,40, Self-emp-not-inc,117721, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,19, Self-emp-not-inc,116385, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,301867, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,61, Private,238913, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,123983, Some-college,10, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Male,0,0,63, South +<=50K,26, Private,165510, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,183513, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,42, Self-emp-inc,119281, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,41, Private,152629, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,110171, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,211440, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Local-gov,359259, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,125796, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,34, Private,39609, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,111567, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, Germany +>50K,23, Private,44064, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,2559,40, United-States +<=50K,35, Self-emp-not-inc,120066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,41, Private,132633, 11th,7, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,25, Guatemala +<=50K,39, Private,192702, Masters,14, Never-married, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,166813, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,33, Self-emp-inc,40444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,290504, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,25, Private,178505, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,1504,45, United-States +<=50K,25, Private,175370, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,77, Self-emp-not-inc,72931, 7th-8th,4, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,20, Italy +<=50K,33, ?,234542, Assoc-voc,11, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,66, Private,284021, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,277974, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,44, Private,111275, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,45, Self-emp-inc,191776, Masters,14, Divorced, Sales, Unmarried, White, Female,25236,0,42, United-States +<=50K,28, Private,125527, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,38294, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,2597,0,40, United-States +>50K,43, Private,313022, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386,0,40, United-States +>50K,39, Private,179668, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,33, Private,198660, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,216116, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,62, Private,200922, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,153372, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,406603, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,6, Iran +<=50K,23, Local-gov,248344, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +>50K,48, Private,240629, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,38, Private,314310, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,37, Private,259785, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,127111, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,178272, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,66, Local-gov,75134, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,19, Private,195985, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,221955, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,39, Mexico +>50K,34, Private,177675, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,182828, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,33, Self-emp-not-inc,270889, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,43, Private,183096, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,10, United-States +<=50K,27, Private,336951, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,33, State-gov,295589, Some-college,10, Separated, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,26, Private,289980, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, Mexico +>50K,56, Self-emp-inc,70720, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,60, United-States +<=50K,46, Private,163352, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,38, Private,190776, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,90, Private,313986, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,72, Self-emp-inc,473748, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,20, Private,163003, HS-grad,9, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,29, Private,183061, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,49, Private,123584, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,23, Private,120910, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,20, Private,227554, Some-college,10, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,18, United-States +<=50K,57, Private,182677, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,4508,0,40, South +<=50K,46, Private,214955, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,209768, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,258120, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, Jamaica +<=50K,49, Private,110015, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Greece +<=50K,54, Private,152652, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,46, Federal-gov,43206, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,50, United-States +<=50K,31, Self-emp-not-inc,114639, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,221172, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,18, ?,128538, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,6, United-States +<=50K,19, Private,131615, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,353824, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,178417, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,178644, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,271665, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, ?,223732, Some-college,10, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Federal-gov,169003, 12th,8, Never-married, Adm-clerical, Own-child, Black, Male,0,0,25, United-States +>50K,52, State-gov,338816, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,70, United-States +>50K,34, Private,506858, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,28, Private,265628, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,173495, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,177413, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,31670, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,49, Private,154451, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,35, United-States +>50K,35, Private,265535, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, Jamaica +<=50K,31, Private,118941, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,214617, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,47, Local-gov,265097, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,4386,0,40, United-States +<=50K,46, Private,276087, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,50, United-States +>50K,43, Private,124692, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Federal-gov,306784, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,21, Private,434102, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,387641, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,31, State-gov,181824, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,35, United-States +>50K,39, Local-gov,177907, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +<=50K,58, Private,87329, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,263130, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,262882, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,31, Private,37546, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,35, United-States +<=50K,19, Private,27433, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,393945, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,26, Private,173927, Assoc-voc,11, Never-married, Prof-specialty, Own-child, Other, Female,0,0,60, Jamaica +<=50K,38, Private,343403, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,36, Private,111128, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,40, Private,193882, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,310864, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, ? +>50K,41, Private,128354, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,25, United-States +<=50K,33, Private,113364, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,63, ?,198559, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,51, Private,136913, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,115488, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,154227, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,279667, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,281030, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,66, United-States +<=50K,19, Private,283945, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +>50K,47, Private,454989, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,391349, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, State-gov,166704, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,14, United-States +>50K,36, Private,151835, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,199085, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,61487, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +<=50K,19, Private,120251, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,14, United-States +<=50K,42, Private,273230, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,90, United-States +<=50K,36, Private,358373, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,36, United-States +<=50K,35, Private,267891, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +<=50K,22, Private,234880, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,54, Private,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,96452, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,204751, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,57, Private,375868, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,413373, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,537222, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, Local-gov,33975, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,162327, 11th,7, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,182691, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,44, United-States +<=50K,36, Private,300829, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +<=50K,51, Local-gov,114508, 9th,5, Separated, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,214627, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,129684, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Female,5455,0,50, United-States +<=50K,25, State-gov,120041, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,361138, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,50, United-States +<=50K,37, Private,76893, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Private,205424, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,61, Private,176839, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,40, Private,229148, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Jamaica +>50K,58, Self-emp-inc,154537, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,52, Private,181901, HS-grad,9, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,20, Mexico +<=50K,18, Private,152004, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,27, Private,205188, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,30840, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,45, United-States +<=50K,63, Private,66634, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,38, Self-emp-not-inc,180220, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,291052, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2051,40, United-States +<=50K,40, Self-emp-not-inc,99651, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,327723, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,32291, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +>50K,31, Private,345122, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,50, United-States +>50K,32, Private,127384, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,363296, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,72, United-States +<=50K,39, Local-gov,86551, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1876,40, United-States +<=50K,28, Private,30070, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,595000, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,35, United-States +<=50K,21, ?,152328, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,33, ?,177824, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +>50K,44, State-gov,111483, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,199555, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,50018, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,36, Private,218490, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,39, Private,49020, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,1974,40, United-States +<=50K,61, Private,213321, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,40, United-States +<=50K,31, Private,159187, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,83033, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, Germany +<=50K,39, Self-emp-not-inc,31848, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829,0,90, United-States +<=50K,34, Self-emp-not-inc,24961, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,21, Private,182117, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,75, Self-emp-not-inc,146576, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Male,0,0,48, United-States +<=50K,21, Private,176690, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,81, Private,122651, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,54, Self-emp-inc,149650, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, Canada +<=50K,34, Private,454508, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, Iran +>50K,54, Self-emp-not-inc,269068, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,50, Philippines +<=50K,41, Private,266530, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,61, ?,198542, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,133144, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,2580,0,20, United-States +<=50K,24, Private,217961, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,221661, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +<=50K,44, Local-gov,60735, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,60, United-States +>50K,47, Self-emp-not-inc,121124, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,48588, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,48087, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +<=50K,53, Self-emp-not-inc,240138, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,63, Private,273010, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3471,0,40, United-States +>50K,44, Private,104196, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,37, Private,230035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,28, Private,38918, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Germany +<=50K,71, ?,205011, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,57, Private,176079, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,180052, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,33, Local-gov,173005, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1848,45, United-States +<=50K,30, Private,378723, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,55, United-States +<=50K,20, Private,233624, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,192591, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,54, Private,249860, 11th,7, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,10, United-States +<=50K,20, Private,247564, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,238912, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,190227, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,29, State-gov,293287, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,180807, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,250217, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,70, United-States +<=50K,19, Private,217418, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,38, United-States +<=50K,22, Local-gov,137510, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,59, State-gov,163047, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,18, Private,577521, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,13, United-States +<=50K,22, Private,221533, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +>50K,42, Local-gov,255675, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,114079, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,155781, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,243762, 11th,7, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,113062, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,7, United-States +<=50K,67, Private,217028, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,110723, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,47, Federal-gov,191858, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,179423, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,5, United-States +<=50K,20, Private,339588, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Peru +<=50K,22, Private,206815, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, Peru +<=50K,47, State-gov,103743, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,235683, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,64, ?,207321, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,35, State-gov,197495, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,52, Federal-gov,424012, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,178469, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,73, Self-emp-inc,92886, 10th,6, Widowed, Sales, Unmarried, White, Female,0,0,40, Canada +>50K,38, Self-emp-not-inc,214008, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Self-emp-not-inc,325732, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,52, United-States +<=50K,35, Private,28572, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,35, United-States +<=50K,18, Private,118376, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,51799, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,33, Local-gov,115488, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,190621, Some-college,10, Divorced, Exec-managerial, Other-relative, Black, Female,0,0,55, United-States +<=50K,55, Private,193568, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,192878, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,264663, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,22, Private,234731, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,308373, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,205644, HS-grad,9, Separated, Tech-support, Not-in-family, White, Female,0,0,26, United-States +>50K,47, Local-gov,321851, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, Private,206399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,124563, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,32, State-gov,198211, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,17, Private,130795, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,44, Private,71269, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Self-emp-not-inc,319280, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +>50K,35, Private,125933, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,107236, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,32732, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,68, Private,284763, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,20, Private,112668, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,376483, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,402778, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,48, Private,36177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,125489, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,48, Private,304791, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Private,209205, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,60, ?,112821, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,39, Local-gov,178100, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,70261, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,23, State-gov,186634, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,32958, Some-college,10, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,25, Private,254746, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,158746, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,140854, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,51506, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,45, Private,189564, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +>50K,37, Federal-gov,325538, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,58, Private,213975, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,431426, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,2, United-States +<=50K,48, Private,199763, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,63, Private,161563, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,24, Local-gov,252024, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,43, Private,43945, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,178487, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,32, Private,604506, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, White, Male,0,0,72, Mexico +<=50K,36, Private,228157, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,43, Private,199191, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,189775, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,17, Private,171080, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,45, Private,117310, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,46, United-States +<=50K,41, Self-emp-inc,82049, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,126094, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,18, ?,202516, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,48, Local-gov,246392, Assoc-acdm,12, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,51, ?,69328, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,292803, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,54, Private,286989, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,190483, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,48, Iran +<=50K,19, Private,235849, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,47, Private,359766, 7th-8th,4, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,32, Private,128016, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,46, Private,360096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,30, Private,170154, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,337286, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,204322, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,73, Self-emp-not-inc,143833, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,18, United-States +<=50K,17, Private,365613, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,10, Canada +<=50K,32, Private,100135, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +>50K,43, Local-gov,180096, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,371827, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Portugal +<=50K,26, Private,61270, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Columbia +>50K,41, Federal-gov,564135, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Private,198759, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,52, State-gov,303462, Some-college,10, Separated, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,193106, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,57, Private,250201, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,52, United-States +<=50K,35, Private,200426, Assoc-voc,11, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +<=50K,33, Private,222654, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,53366, 7th-8th,4, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,132222, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,60, United-States +<=50K,17, Private,100828, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,49, Private,31264, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,202027, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,34, Self-emp-not-inc,168906, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,37, Self-emp-not-inc,255454, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Private,245524, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,386040, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,35424, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,59, ?,93655, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,44, Private,152629, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103,0,40, United-States +<=50K,53, Self-emp-not-inc,151159, 10th,6, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,99, United-States +<=50K,26, Private,410240, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,138970, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,269722, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,223678, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,32, United-States +<=50K,54, State-gov,197184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,36, Private,143486, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,60, Private,160625, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +>50K,50, Private,140516, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,85341, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,108293, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,2205,40, United-States +<=50K,40, Self-emp-not-inc,192507, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,186932, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,65, Self-emp-not-inc,223580, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6514,0,40, United-States +<=50K,31, Private,236861, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,46, Local-gov,327886, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,407618, 9th,5, Divorced, ?, Not-in-family, White, Female,2050,0,40, United-States +<=50K,62, Self-emp-inc,197060, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,229180, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, Cuba +<=50K,24, Private,284317, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,24, Private,73514, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Philippines +<=50K,27, Private,47907, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,43, State-gov,134782, Assoc-acdm,12, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,48, Private,118831, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +<=50K,41, Private,299505, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,267161, Some-college,10, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,45, United-States +>50K,38, Private,119177, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,327886, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,187730, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,109015, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,46, Self-emp-not-inc,110015, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, Greece +<=50K,24, Private,104146, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Local-gov,50442, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,35, Private,57640, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,37, Local-gov,333664, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,224858, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,56, Private,290641, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,60, ?,191118, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1848,40, United-States +<=50K,25, Private,34402, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,60, United-States +<=50K,33, Private,245378, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,179136, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,116788, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,129699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Federal-gov,39606, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +>50K,44, Self-emp-inc,95150, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,102479, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,199191, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,31, Private,229636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,26, Private,53833, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,37, Self-emp-inc,27997, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,60, ?,124487, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,111363, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,107630, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,134287, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,46, Self-emp-inc,283004, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,63, Thailand +<=50K,24, Private,33616, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,47, Local-gov,121124, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,188189, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Private,106255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Federal-gov,282830, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,243904, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, Honduras +<=50K,69, Private,165017, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Male,2538,0,40, United-States +>50K,32, Private,131584, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,51, Private,427781, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,334291, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,173224, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,87507, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,32, Private,187560, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908,0,40, United-States +<=50K,27, Private,204497, 10th,6, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,75, United-States +<=50K,60, Private,230545, 7th-8th,4, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, Cuba +<=50K,31, Private,118161, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,150499, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,96554, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,288551, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,52, United-States +<=50K,69, Self-emp-not-inc,104003, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,54, Self-emp-inc,124963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,198388, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,126204, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,91709, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, Self-emp-not-inc,152109, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Self-emp-not-inc,191954, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,63, Private,108097, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,10566,0,45, United-States +<=50K,29, Local-gov,289991, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,92115, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,320277, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,33610, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +<=50K,36, Private,168276, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,55, State-gov,175127, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,38, United-States +>50K,37, Private,254973, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,95336, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +>50K,63, Private,346975, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,36, United-States +<=50K,33, Private,227282, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,138153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,57, Local-gov,174132, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1977,40, United-States +>50K,31, Private,182237, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +<=50K,20, ?,111252, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,58, Local-gov,217775, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,20, ?,168863, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,394503, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,141657, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,125441, 11th,7, Never-married, Other-service, Own-child, White, Male,1055,0,20, United-States +<=50K,26, Private,172230, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,282944, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Local-gov,55377, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,35, State-gov,49352, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,32, Private,213887, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,24046, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,26, State-gov,208122, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +>50K,56, Private,176118, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,22, Private,227994, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,39, United-States +<=50K,49, Private,215389, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,40, Private,99434, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +<=50K,37, Private,190964, HS-grad,9, Separated, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,113700, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,50, United-States +>50K,28, Private,259840, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,168827, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,28984, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,182211, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,82393, Some-college,10, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Private,183639, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,21, United-States +>50K,38, Private,342448, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, State-gov,469907, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1740,40, United-States +<=50K,28, Local-gov,211920, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,33658, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,41, Federal-gov,34178, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,400630, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,73, Self-emp-not-inc,161251, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,24, United-States +<=50K,21, Private,255685, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,38, Private,199256, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,64, ?,143716, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,47, Private,221666, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,52, Private,145409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,60, Canada +<=50K,24, Private,39615, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,104440, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,151382, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Male,0,974,40, United-States +>50K,61, Self-emp-not-inc,503675, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +>50K,58, Private,306233, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,51, Private,216475, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1564,43, United-States +<=50K,49, Private,50748, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,55, England +<=50K,23, Private,107190, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,19, Private,206874, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,83141, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,53, United-States +<=50K,56, Private,444089, 11th,7, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,141896, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,33487, Some-college,10, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,20, United-States +>50K,41, Private,65372, Doctorate,16, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,30, Private,341346, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,343403, Doctorate,16, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, ? +<=50K,47, Private,287480, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Self-emp-inc,107287, 10th,6, Widowed, Exec-managerial, Unmarried, White, Female,0,2559,50, United-States +<=50K,55, Private,199067, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,32, United-States +<=50K,22, ?,182771, Assoc-voc,11, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,31, Private,159737, 10th,6, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,30, Private,110643, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,40, United-States +<=50K,24, Private,117583, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,48, United-States +<=50K,49, Self-emp-not-inc,43479, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,203003, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, Germany +<=50K,50, Private,133963, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,38, Private,227794, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +>50K,49, Self-emp-not-inc,110457, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,281565, HS-grad,9, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,50, South +>50K,46, Federal-gov,297906, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,19, Private,151506, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,31, Federal-gov,139455, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Cuba +<=50K,38, Private,26987, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,56, Self-emp-not-inc,233312, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,161092, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,58, Local-gov,98361, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,188928, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,164922, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,185673, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,193598, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +>50K,56, Private,274111, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,245482, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,56, Private,160932, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,50, Private,44368, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,291374, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,30, Private,280927, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,222993, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,25240, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,204052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,74054, 11th,7, Never-married, Sales, Own-child, Other, Female,0,0,20, ? +<=50K,46, Private,169042, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,25, Ecuador +>50K,31, Private,104509, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,65, United-States +>50K,38, Local-gov,185394, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +>50K,44, Local-gov,254146, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,227856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,19, Private,183041, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,45, Private,107682, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,287598, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,53, Private,182186, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Dominican-Republic +>50K,41, Self-emp-inc,194636, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,65, United-States +<=50K,45, Private,112305, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,212661, 10th,6, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +>50K,37, Private,32709, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,42, Federal-gov,46366, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,24106, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,46, Private,170850, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1590,40, ? +<=50K,45, Self-emp-not-inc,40666, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,182975, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,345122, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,57, ?,208311, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +<=50K,37, Private,120045, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,56, United-States +<=50K,18, ?,201299, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,152940, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Private,243580, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,182128, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,6497,0,50, United-States +<=50K,36, ?,176458, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,28, United-States +<=50K,33, Private,101562, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,108699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,175878, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Female,0,0,40, United-States +>50K,34, Local-gov,177675, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,213887, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,357619, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, Germany +<=50K,23, Private,435835, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1669,55, United-States +<=50K,39, Private,165799, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,71469, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,19, Private,229745, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +>50K,47, Private,284916, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +<=50K,46, Private,28419, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,26950, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,6, United-States +>50K,47, Self-emp-not-inc,107231, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,52, Local-gov,512103, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,245090, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,58, Private,314153, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,243988, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,54, Self-emp-not-inc,82551, Assoc-voc,11, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,10, United-States +<=50K,20, Private,42706, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,25, Private,235795, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,25, Self-emp-not-inc,108001, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,15, United-States +<=50K,36, State-gov,112497, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,1876,44, United-States +<=50K,69, Self-emp-not-inc,128206, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +>50K,28, Private,224634, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,20, Private,362999, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,346693, 7th-8th,4, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,37, Private,175759, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,99199, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,32, United-States +<=50K,25, ?,219987, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,13, United-States +<=50K,39, Private,143445, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,34, Private,118710, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,224185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,118972, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,165360, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,38950, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,89, United-States +>50K,42, Self-emp-inc,277256, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,29, Private,247151, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,213722, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,209955, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,41, Private,174395, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,138626, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1876,50, United-States +<=50K,22, ?,179973, Assoc-voc,11, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,200207, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,19, Private,156587, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,24, Private,33016, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,197496, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, ? +<=50K,32, Private,153588, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,99736, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,15020,0,50, United-States +>50K,36, Private,284166, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,18, Private,716066, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,188519, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,109080, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,174421, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,24, Private,259351, Some-college,10, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,42, Federal-gov,284403, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Private,85319, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,60, United-States +<=50K,20, ?,201766, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,20, State-gov,340475, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,39, Private,487486, HS-grad,9, Widowed, Handlers-cleaners, Unmarried, White, Male,0,0,40, ? +<=50K,68, ?,484298, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,35, Private,170617, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,48, United-States +<=50K,54, Private,94055, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,117779, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,209770, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,20, Private,317443, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,15, United-States +<=50K,64, ?,140237, Preschool,1, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,107411, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,36, Self-emp-not-inc,122493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,44, Self-emp-inc,195124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, ? +>50K,38, Private,101978, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,2258,55, United-States +<=50K,22, Private,335453, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,56, Private,318329, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,100321, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Self-emp-not-inc,81145, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,75, United-States +<=50K,22, Private,62865, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,176262, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +>50K,42, Private,168103, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,208174, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,19, Private,188815, HS-grad,9, Never-married, Other-service, Own-child, White, Female,34095,0,20, United-States +<=50K,67, Self-emp-not-inc,226092, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,212668, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,32, Private,381583, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,46, Private,239439, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,52, Private,172493, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,44, Private,239876, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +<=50K,65, ?,221881, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +>50K,37, Local-gov,218184, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,27, Self-emp-not-inc,206889, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,110668, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,35, United-States +<=50K,30, Private,211028, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,64, Local-gov,202984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,48, Private,20296, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,35, Private,194690, 7th-8th,4, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,204984, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,63, Self-emp-not-inc,35021, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,32, China +>50K,40, Self-emp-not-inc,238574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,345360, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,192381, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,479765, 7th-8th,4, Never-married, Sales, Other-relative, White, Male,0,0,45, Guatemala +>50K,45, Self-emp-inc,34091, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,30, Private,151773, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,299080, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, Private,135339, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,2105,0,40, Vietnam +<=50K,27, Local-gov,52156, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,318647, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,80145, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,39, State-gov,343646, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, Mexico +>50K,42, Self-emp-not-inc,198692, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,266635, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,31, Private,197672, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,185846, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,315110, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,220754, Doctorate,16, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,64292, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,126060, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,78012, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,1762,40, United-States +<=50K,32, Private,210562, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,46, United-States +<=50K,23, Private,350181, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,233421, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,53, Private,167170, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,260801, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,173370, Bachelors,13, Separated, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,27, Private,135520, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Dominican-Republic +<=50K,30, Private,121308, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,444743, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,65225, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,58, State-gov,136982, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,40, Honduras +<=50K,45, State-gov,271962, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,204046, 10th,6, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,225823, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,183009, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,1590,40, United-States +<=50K,50, Private,121038, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,26, Private,49092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,148709, HS-grad,9, Separated, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,209205, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,36, Local-gov,285865, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,22, Federal-gov,216129, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,40955, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, Japan +<=50K,54, Private,197189, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,33001, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,44, Private,227399, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,164050, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,259087, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,236262, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,26, Private,177929, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +>50K,48, Private,166929, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, ? +<=50K,32, Private,199963, 11th,7, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,35, State-gov,98776, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,135056, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Self-emp-not-inc,55363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +>50K,42, State-gov,102343, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,72, India +<=50K,30, Private,231263, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,226913, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,36, Private,129573, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,191001, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Federal-gov,69345, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,204556, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,192626, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,45, Private,202812, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,405177, 10th,6, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,227890, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,46, United-States +>50K,33, Private,101352, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,49, Private,82572, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +>50K,28, Private,132686, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,149210, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024,0,40, United-States +<=50K,27, Private,245661, HS-grad,9, Separated, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,47, Self-emp-inc,483596, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,2885,0,32, United-States +>50K,42, State-gov,104663, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Italy +<=50K,30, Private,347166, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Local-gov,108540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,333305, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,51, Private,155408, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, Black, Female,0,0,38, United-States +<=50K,27, Federal-gov,246372, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,30290, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,347321, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-inc,205852, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,40, Federal-gov,163215, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, ? +>50K,54, State-gov,93449, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,47, Self-emp-inc,116927, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,35, Private,164526, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Yugoslavia +<=50K,33, Private,31573, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,125159, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, Haiti +>50K,39, State-gov,201105, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,25, ?,122745, HS-grad,9, Never-married, ?, Own-child, White, Male,0,1602,40, United-States +<=50K,33, Private,150570, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,118941, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Ireland +>50K,53, Private,141388, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,174714, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +>50K,31, State-gov,75755, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,63, Private,133144, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,21, Self-emp-not-inc,318865, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,59, Private,109638, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,92969, 1st-4th,2, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,66, ?,376028, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,19, Private,144161, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,31, Private,183778, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,398904, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,45, Private,170846, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,35, Local-gov,204277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,205152, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,225395, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,60, Mexico +>50K,38, Private,33975, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,147032, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,8, Philippines +<=50K,64, Private,174826, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Local-gov,232769, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,25, Private,36984, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,292264, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,303973, HS-grad,9, Never-married, Priv-house-serv, Other-relative, White, Female,0,1602,15, Mexico +<=50K,23, Private,287988, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +>50K,67, Self-emp-inc,330144, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,191948, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,46, Private,324601, 1st-4th,2, Separated, Machine-op-inspct, Own-child, White, Female,0,0,40, Guatemala +<=50K,38, State-gov,200289, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,20, Private,113307, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,28, ?,194087, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Private,155213, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,58, Private,175127, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,358461, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, State-gov,354929, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,38, United-States +>50K,53, State-gov,104501, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,45, Private,112929, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,35, United-States +<=50K,33, Private,132832, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, State-gov,357691, Masters,14, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,114605, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,60, Self-emp-not-inc,525878, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,68358, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,174571, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +<=50K,40, Private,42703, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,220589, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,197558, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,423250, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Self-emp-not-inc,29254, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,20, ?,308924, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,49, Local-gov,276247, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,37, Private,213841, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,52, Private,181677, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,46, Private,160061, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,285295, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,43, Private,265266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,222115, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,99999,0,40, United-States +<=50K,25, State-gov,194954, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,48, Private,156926, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,217414, Some-college,10, Divorced, Protective-serv, Unmarried, White, Male,0,0,55, United-States +>50K,37, Private,538443, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,14344,0,40, United-States +<=50K,18, ?,192399, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,42, Private,383493, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,193235, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,24, United-States +>50K,37, Self-emp-inc,99452, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,44, Local-gov,254134, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,90446, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,116613, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Portugal +>50K,42, Local-gov,238188, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,95909, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,41, Private,82319, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +>50K,34, Private,182274, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1887,40, United-States +<=50K,56, Private,179625, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,28, Private,119793, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,254989, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,104830, 7th-8th,4, Never-married, Transport-moving, Unmarried, White, Male,0,0,25, Guatemala +>50K,49, Federal-gov,110373, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,135416, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,298225, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,166740, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,213668, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,26, Private,276624, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,226789, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,58, United-States +<=50K,37, Private,31023, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Local-gov,116666, HS-grad,9, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,4650,0,48, United-States +>50K,42, Private,136986, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,41, Private,179580, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,23, Private,103277, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,31, Federal-gov,351141, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,191161, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,57, United-States +<=50K,20, Private,148709, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Private,128382, Some-college,10, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +>50K,50, Private,144361, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,172538, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,102476, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,27828,0,50, United-States +<=50K,39, Private,46028, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,60, United-States +<=50K,32, Private,198452, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,193895, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,233421, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,45, United-States +<=50K,50, Private,378747, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,31251, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,37, United-States +<=50K,32, Private,71540, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,194772, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,20, Private,34568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3781,0,35, United-States +<=50K,50, Self-emp-not-inc,36480, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,18, Private,116528, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,60, Private,52152, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, Private,216690, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,42, Local-gov,227065, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,22, United-States +<=50K,49, Private,84013, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,35, Self-emp-inc,82051, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,176185, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Iran +>50K,59, Private,115414, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,24, Self-emp-inc,493034, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,13550,0,50, United-States +<=50K,55, Private,354923, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,393712, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,98941, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,141483, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,172479, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,21, Private,226145, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,394612, Bachelors,13, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,231085, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,55, Self-emp-not-inc,183810, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,186159, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,162282, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Private,219021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,44, United-States +<=50K,23, Private,273206, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,23, United-States +>50K,47, Self-emp-inc,332355, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,23, Private,102729, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,42, Private,198096, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,292933, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,18, Private,135924, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,37, Private,99146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,34, Private,27409, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,299507, Assoc-acdm,12, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,102631, Some-college,10, Widowed, Farming-fishing, Unmarried, White, Female,0,0,50, United-States +<=50K,51, Private,153486, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,434292, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,30, United-States +<=50K,28, Self-emp-not-inc,240172, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,56, Private,219426, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,295791, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,114032, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,45, United-States +<=50K,23, Local-gov,496382, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, Guatemala +<=50K,33, Private,376483, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,30, United-States +<=50K,27, Private,107218, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,246207, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,18, ?,80564, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,36, Private,83089, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, Mexico +<=50K,37, Local-gov,328301, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,39, Local-gov,301614, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,36, Private,199739, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,24, Private,180060, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,2354,0,40, United-States +<=50K,26, Private,121040, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,125550, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,170772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,180551, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,48189, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,432154, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,8, Mexico +<=50K,26, Private,263200, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,47, Private,123207, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,17, Private,110798, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,238481, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,31, Private,185528, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,181311, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,528616, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,272950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,195532, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,197583, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,48612, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,54, Local-gov,31533, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,32, Federal-gov,148138, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2002,40, Iran +<=50K,29, Local-gov,30069, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,2635,0,40, United-States +<=50K,68, ?,170182, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,27, Local-gov,230885, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,54, Private,174102, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,352606, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,241153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,54, Private,155433, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,21, Private,109414, Some-college,10, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,1974,40, United-States +<=50K,40, Private,125461, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, Private,331556, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,138575, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,60, United-States +<=50K,35, Private,223514, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,39, Private,115418, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,2174,0,45, United-States +<=50K,38, Private,193026, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,1408,40, ? +>50K,41, Private,147206, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,174592, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,268620, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,70, Self-emp-not-inc,150886, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,45, Private,112362, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,83, Private,195507, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Male,0,0,55, United-States +<=50K,59, Private,192983, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,120544, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,15, United-States +<=50K,31, Private,59083, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,43, Private,208277, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,24, Local-gov,184678, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,278736, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,48, Local-gov,39464, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,52, United-States +<=50K,27, Private,162343, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,41, Private,204046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,255647, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, Mexico +>50K,53, Private,123011, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,291362, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,31, Private,159187, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, State-gov,126414, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,227626, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,173783, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,74, Private,211075, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Private,176756, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1485,70, United-States +<=50K,35, Self-emp-not-inc,31095, Some-college,10, Separated, Farming-fishing, Not-in-family, White, Male,4101,0,60, United-States +<=50K,51, Self-emp-not-inc,32372, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,70, United-States +<=50K,40, Private,331651, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Local-gov,146325, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,515025, 10th,6, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,53, Private,394474, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,400535, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3781,0,40, United-States +<=50K,29, Self-emp-not-inc,337505, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,42, Private,211860, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,102684, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,32, United-States +<=50K,62, ?,225657, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,33, Private,121966, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,396790, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,20, United-States +>50K,46, Local-gov,149949, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,252187, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,209934, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,29, Federal-gov,229300, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +>50K,33, Private,170769, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,99999,0,60, United-States +<=50K,50, Private,200618, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,216984, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,212760, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,150309, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,54, Private,174655, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,109621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,225124, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,172695, 11th,7, Widowed, Other-service, Not-in-family, White, Female,0,0,27, El-Salvador +<=50K,71, Self-emp-not-inc,238479, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,27, Private,37754, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,56, Private,85018, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,64, Private,256466, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,60, Philippines +<=50K,23, Private,169188, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +>50K,36, Private,210945, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,287031, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,224361, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,108464, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,75826, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,120277, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,104439, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,56870, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,200819, 12th,8, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,170562, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,20, United-States +<=50K,30, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,33088, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Local-gov,112763, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,7430,0,36, United-States +<=50K,29, Private,177651, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,261943, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,169785, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Italy +<=50K,20, Private,141481, 11th,7, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,50, United-States +<=50K,37, Private,433491, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,28, Local-gov,86615, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +>50K,39, Private,125550, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, State-gov,421223, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,26999, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +>50K,36, Self-emp-not-inc,241998, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,20, United-States +<=50K,34, ?,133861, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +>50K,44, Private,115323, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,23778, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Self-emp-not-inc,190836, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,159179, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,64, ?,205479, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,47713, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,163237, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,61, Private,202202, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,168837, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,112271, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,52537, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,30, United-States +<=50K,27, Private,38353, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,141698, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,28856, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,175652, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,15, United-States +<=50K,36, Private,213008, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,196501, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,14084,0,50, United-States +>50K,63, Private,118798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,51, Private,92463, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,125165, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,42, Self-emp-not-inc,103980, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, ?,180362, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,53903, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,179735, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +>50K,41, ?,277390, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,49, Private,122177, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,80, United-States +<=50K,46, Private,188161, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,170108, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,175262, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, Mexico +<=50K,19, ?,204441, HS-grad,9, Never-married, ?, Other-relative, Black, Male,0,0,20, United-States +<=50K,19, Private,164395, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,18, Private,115630, 11th,7, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,39, Private,178815, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Self-emp-not-inc,168223, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Local-gov,202560, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1408,40, United-States +>50K,38, Private,100295, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, Canada +>50K,36, Private,172256, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,45, Private,51664, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, State-gov,358893, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,2339,40, United-States +<=50K,30, Private,115963, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,333910, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,43, United-States +<=50K,23, Private,148948, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, State-gov,130561, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,24, United-States +<=50K,46, Private,428350, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,43, Private,188808, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,112847, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, Other, Male,0,0,40, United-States +<=50K,50, Private,110748, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Self-emp-inc,156653, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,35, Private,196491, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Local-gov,254413, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,91262, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,43, Self-emp-not-inc,154785, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,80, Thailand +<=50K,55, Private,84231, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,226327, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,248406, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,32, United-States +<=50K,35, Private,54317, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,50, United-States +<=50K,22, ?,32732, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,20, Private,95918, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,375675, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,43, Private,244172, HS-grad,9, Separated, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,46, Federal-gov,233555, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +<=50K,39, Private,326342, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,2635,0,37, United-States +<=50K,34, Private,77271, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,20, England +<=50K,35, Private,33397, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,446358, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,41, United-States +<=50K,25, Private,151810, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,28, United-States +>50K,44, Private,125461, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,133906, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,155106, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,43, Federal-gov,203637, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,32, Private,232766, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,305319, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,121023, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,198997, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,38, Private,167140, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +<=50K,20, Private,38772, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,41, Private,253759, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,130067, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,65, United-States +<=50K,37, Private,203828, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, State-gov,221558, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,24, ? +<=50K,31, Private,156464, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,72333, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,33, Local-gov,83671, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,50, United-States +>50K,31, Private,339482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,19, Private,91928, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,44, Private,99203, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,31, Self-emp-inc,455995, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,62, Private,192515, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,111483, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2174,10, United-States +<=50K,17, Private,221129, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,60, Private,85413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,31, Private,196125, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,265638, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,53, Private,177727, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Private,205822, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,112607, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,40, Federal-gov,177595, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,18, Private,183315, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,10, United-States +<=50K,47, Private,116279, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,43, United-States +<=50K,38, Federal-gov,122493, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064,0,40, United-States +<=50K,37, Private,215419, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,40, Private,310101, Some-college,10, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,57, Self-emp-inc,61885, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,43, Private,59107, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,4101,0,40, United-States +<=50K,32, Private,227214, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, Ecuador +<=50K,64, Private,239450, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,118847, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-not-inc,95226, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, ?,659273, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,40, Trinadad&Tobago +<=50K,23, Private,215395, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,170600, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,91044, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,27, Private,318639, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,60, Mexico +<=50K,23, Private,160398, Some-college,10, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,216824, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,35, Private,308945, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,75, United-States +>50K,47, Private,30840, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,99309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,188576, Bachelors,13, Separated, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Private,83064, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,403865, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,40, Private,235786, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,44, Private,191893, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,31, Local-gov,149184, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,97, United-States +>50K,37, Private,152909, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,23, Private,435604, Assoc-voc,11, Separated, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,30, Self-emp-inc,109282, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,31, Private,248178, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, United-States +<=50K,24, ?,112683, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,32, Private,209103, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3464,0,40, United-States +<=50K,27, Private,183639, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,35, Local-gov,107233, HS-grad,9, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0,0,55, United-States +<=50K,27, Private,175387, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,40, United-States +<=50K,30, Self-emp-not-inc,178255, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, ? +<=50K,33, Self-emp-not-inc,38223, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,70, United-States +>50K,34, Private,228873, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,202182, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Local-gov,425092, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +<=50K,39, Self-emp-not-inc,152587, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,39089, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +>50K,51, Private,204304, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,40, Private,116103, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,4934,0,47, United-States +<=50K,53, Private,290640, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,58, Federal-gov,81973, Some-college,10, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1485,40, United-States +>50K,29, Private,134890, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,452924, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +>50K,57, Private,245193, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,69, State-gov,34339, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,184756, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,56, Private,392160, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,25, Mexico +<=50K,49, Private,168337, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,309513, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,77219, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,44, Private,212888, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,37, Private,361888, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,58, Local-gov,237879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,42, Self-emp-not-inc,93099, Some-college,10, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,41, Private,225193, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,50814, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Local-gov,123681, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +<=50K,24, Private,249351, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,222311, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,7688,0,55, United-States +<=50K,18, Private,301762, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,50, Private,195298, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,69, Private,541737, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,2050,0,24, United-States +<=50K,84, Private,241065, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,66, United-States +>50K,47, Private,129513, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,374262, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,382146, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, ?,185291, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,53, Private,30447, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,49893, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,197387, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,24, Mexico +<=50K,36, Self-emp-not-inc,111957, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,34, Private,340458, 12th,8, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,185670, 1st-4th,2, Widowed, Prof-specialty, Unmarried, White, Female,0,0,21, Mexico +<=50K,37, Private,210945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,24, United-States +>50K,43, Private,350661, Prof-school,15, Separated, Tech-support, Not-in-family, White, Male,0,0,50, Columbia +>50K,42, Private,190543, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,70261, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,179048, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Greece +<=50K,35, Private,242094, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,117634, Some-college,10, Widowed, Craft-repair, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,82531, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,51, Private,193374, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,30, ?,186420, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,19, Private,323605, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,56, Private,371064, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,39927, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,8, United-States +<=50K,22, Private,64292, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +>50K,33, Private,198660, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,99999,0,56, United-States +<=50K,54, ?,196975, HS-grad,9, Divorced, ?, Other-relative, White, Male,0,0,45, United-States +<=50K,22, Private,210165, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,68, Private,144137, Some-college,10, Divorced, Priv-house-serv, Other-relative, White, Female,0,0,30, United-States +<=50K,56, Local-gov,155657, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,23, ?,72953, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,107548, 9th,5, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,163258, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,221324, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,444822, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, Mexico +<=50K,17, Private,154398, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,16, Haiti +<=50K,31, Private,120672, 11th,7, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,1721,40, United-States +>50K,50, Private,159650, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,62, Private,290754, 10th,6, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,49654, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,52, United-States +<=50K,20, Federal-gov,147352, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,227943, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,18, Private,423024, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,53, ?,64322, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,445940, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,230824, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,48882, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,47, Private,168195, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,53, Local-gov,188644, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,136077, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,119793, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,336513, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,186991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,218948, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,32, Mexico +<=50K,26, Private,211435, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,280169, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456,0,8, United-States +<=50K,27, Private,109997, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,286789, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,102460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,287160, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,39, Private,198097, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,119111, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,174461, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Self-emp-not-inc,281678, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,24, ?,377725, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,151053, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,186539, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,149478, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,40, Private,198452, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,52, Private,198863, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Male,0,2559,60, United-States +<=50K,33, Private,176711, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,165310, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,20, United-States +<=50K,37, Private,213008, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Japan +<=50K,21, State-gov,38251, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,125761, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,36, United-States +<=50K,28, Private,148645, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,273435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,43, Private,208613, Bachelors,13, Separated, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,192565, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,183885, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,47, Self-emp-not-inc,243631, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,37, Private,191754, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,261278, Some-college,10, Separated, Sales, Other-relative, Black, Male,0,0,30, United-States +<=50K,55, Private,127014, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,197919, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,217460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,39, Private,86551, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,98051, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,38, Private,215917, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,53, Self-emp-not-inc,192982, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,85, United-States +<=50K,27, Self-emp-not-inc,334132, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,78, United-States +>50K,42, Private,136986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,116812, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,189123, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,58, United-States +<=50K,26, Private,89648, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, ?,190027, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,59, Private,99248, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,57600, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,25, Private,199224, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,140363, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,36, United-States +<=50K,30, Private,308812, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,21, Private,275421, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,213321, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,157747, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Private,182314, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,220589, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,12, United-States +>50K,55, ?,208640, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,29, Self-emp-not-inc,189346, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,2202,0,50, United-States +<=50K,46, Private,124071, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,44, United-States +<=50K,35, Federal-gov,20469, Some-college,10, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,31, Private,154227, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,37, Private,105044, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,43, Private,35910, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,23, Private,189203, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,116493, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,13550,0,44, United-States +>50K,42, Local-gov,19700, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,26, Private,48718, 10th,6, Never-married, Adm-clerical, Not-in-family, White, Female,2907,0,40, United-States +>50K,45, Private,106113, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,256263, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,202498, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,40, Guatemala +>50K,38, Private,120074, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,122922, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,68, Self-emp-not-inc,116903, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2149,40, United-States +>50K,42, Local-gov,222596, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,107302, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, India +<=50K,36, Private,156400, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,53373, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,58916, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,45, Local-gov,167159, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,283806, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,140426, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,35, ? +>50K,36, Local-gov,61778, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,41, Private,33310, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,202560, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,25, Self-emp-not-inc,60828, Some-college,10, Never-married, Farming-fishing, Own-child, White, Female,0,0,50, United-States +<=50K,53, State-gov,153486, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,28, Local-gov,167536, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,30, Local-gov,370990, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,198867, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,174924, Some-college,10, Divorced, Protective-serv, Unmarried, White, Male,0,0,48, Germany +<=50K,30, Private,175856, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,169628, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, ? +<=50K,29, ?,125159, Some-college,10, Never-married, ?, Not-in-family, Black, Male,0,0,36, ? +<=50K,31, Private,220690, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +<=50K,36, Private,160035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,55, United-States +<=50K,59, Self-emp-not-inc,116878, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Greece +<=50K,33, Self-emp-not-inc,134737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,29, Private,81648, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +>50K,49, State-gov,122177, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Federal-gov,69614, 10th,6, Separated, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +>50K,33, Private,112115, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,28, Private,299422, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,81, ?,162882, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,112854, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,16, United-States +<=50K,32, Self-emp-not-inc,33417, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,47, Federal-gov,224559, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,44, ?,468706, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,357028, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,37, Local-gov,51158, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,7298,0,36, United-States +>50K,51, Private,186303, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,127749, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,291386, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,138054, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Other, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,174533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,200835, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,108658, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Private,180985, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,34803, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,59, Private,75867, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,156819, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,61272, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Portugal +<=50K,24, Private,39827, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Puerto-Rico +<=50K,38, Private,130007, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,80324, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,322614, Preschool,1, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,1719,40, Mexico +<=50K,30, Private,140869, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,73, Local-gov,181902, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, Poland +<=50K,30, Private,287908, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,309630, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,28225, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,58, United-States +<=50K,40, ?,428584, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,3464,0,20, United-States +<=50K,18, Private,39222, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,359131, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,8, ? +<=50K,22, Private,122272, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,198400, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,62, ?,73091, 7th-8th,4, Widowed, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Self-emp-inc,283338, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,22, Private,208946, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,348416, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,379046, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,29, Private,183887, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,127961, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,211129, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,29, Local-gov,187649, HS-grad,9, Separated, Protective-serv, Other-relative, White, Female,0,0,40, United-States +>50K,49, Federal-gov,94754, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,231826, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,142764, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +<=50K,22, Private,126822, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,60, United-States +<=50K,37, Private,188069, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,284395, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,31267, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,161444, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Columbia +<=50K,25, Private,144483, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,133655, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, State-gov,112074, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, Private,249727, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,22, United-States +<=50K,18, Private,165754, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,30, Local-gov,172822, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,288433, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,40, Private,33331, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,168071, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,45, Private,207277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,130620, Some-college,10, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0,0,26, India +<=50K,40, Private,136244, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,972354, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,245297, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,32, State-gov,71151, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,118352, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,21, Private,117210, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,120068, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,48343, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,52, Private,84451, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,51, ?,76437, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,281704, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,54, Private,123011, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,104729, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,48, United-States +<=50K,29, Private,110134, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,186067, 10th,6, Never-married, Tech-support, Own-child, White, Male,0,0,10, United-States +<=50K,47, Private,214702, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,37, Puerto-Rico +<=50K,46, Private,384795, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,32, United-States +<=50K,30, Private,175931, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,58, Private,366324, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,48, Private,118717, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,219835, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Mexico +<=50K,23, Private,176486, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +<=50K,45, Private,273435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,182661, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,20, United-States +<=50K,26, Private,212304, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +>50K,50, Local-gov,133963, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,165152, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,274724, Some-college,10, Never-married, Other-service, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,47, Private,196707, Prof-school,15, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,213002, 12th,8, Never-married, Sales, Not-in-family, White, Male,4650,0,50, United-States +<=50K,19, ?,26620, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,361481, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,35, Private,148581, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +>50K,46, Private,459189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,50, United-States +<=50K,28, Self-emp-not-inc,214689, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,289364, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,21, Private,174907, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,348099, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, ?,104965, 9th,5, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,31600, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,286282, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,35, Self-emp-not-inc,181705, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +>50K,33, Private,238912, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,34, Private,134737, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +>50K,67, ?,157403, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,6418,0,10, United-States +>50K,37, Private,197429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,48, Private,47343, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,67083, Bachelors,13, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,1471,0,40, Cambodia +<=50K,24, Private,249957, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,175942, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,40, France +>50K,50, Private,192982, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1848,40, United-States +>50K,40, Private,209547, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,33, Private,142675, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,51, Federal-gov,190333, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,196396, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,166740, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,174533, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,210867, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, ? +>50K,37, Private,118486, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,4934,0,32, United-States +<=50K,40, Private,144067, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,106964, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,178136, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,196554, Prof-school,15, Separated, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,40, Self-emp-not-inc,403550, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,498216, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,192755, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,20, United-States +<=50K,20, ?,53738, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,33, Private,156192, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,189802, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,66, ?,213149, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,1825,40, United-States +<=50K,35, Self-emp-not-inc,179171, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,38, Germany +<=50K,32, Private,77634, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,189830, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +<=50K,19, Private,127190, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,44, ?,174147, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138107, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,35, United-States +<=50K,44, Self-emp-inc,269733, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,41, State-gov,227734, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464,0,40, United-States +<=50K,19, Private,318822, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Private,48885, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,45, Private,205424, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,173858, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,42, Cambodia +>50K,34, Private,202450, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,154779, Some-college,10, Never-married, Sales, Other-relative, Other, Female,0,0,40, United-States +<=50K,33, Private,180551, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,177522, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,277328, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, Cuba +<=50K,34, Private,112584, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +>50K,48, State-gov,85384, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,123971, 11th,7, Divorced, ?, Not-in-family, White, Female,0,0,49, United-States +>50K,42, Private,69019, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,112847, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,52900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,42, Private,37937, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,59380, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,47, Private,114770, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,29, Private,216481, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,176469, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +>50K,34, Private,176831, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Federal-gov,410034, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,93662, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,24, United-States +<=50K,42, Self-emp-inc,144236, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, Private,240917, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,35, United-States +>50K,53, Private,608184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1902,40, United-States +<=50K,51, Private,243361, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,44, Self-emp-not-inc,35166, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,90, United-States +>50K,46, Self-emp-inc,182655, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,51, Private,142717, Doctorate,16, Divorced, Craft-repair, Not-in-family, White, Female,4787,0,60, United-States +<=50K,32, Private,272944, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,219233, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,1602,30, United-States +<=50K,24, Private,228686, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,236818, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,26, United-States +<=50K,47, Self-emp-not-inc,117865, HS-grad,9, Married-AF-spouse, Craft-repair, Husband, White, Male,0,0,90, United-States +<=50K,64, Self-emp-not-inc,106538, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,62, Private,153891, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Private,190909, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,191002, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, Poland +<=50K,42, Private,89073, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +>50K,38, Federal-gov,238342, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,42, United-States +<=50K,55, Private,259532, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, ?,189282, HS-grad,9, Married-civ-spouse, ?, Not-in-family, White, Female,0,0,27, United-States +<=50K,42, Private,132481, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,24, United-States +>50K,30, Private,205659, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, Thailand +<=50K,32, Private,182323, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,216256, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3464,0,30, United-States +<=50K,50, Federal-gov,166419, 11th,7, Never-married, Sales, Not-in-family, Black, Female,3674,0,40, United-States +<=50K,27, Private,152246, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,47, Private,155659, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,155198, 9th,5, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,100931, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,162945, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,31, Federal-gov,334346, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,181597, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,133969, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,63, South +<=50K,50, Private,210217, Bachelors,13, Divorced, Sales, Unmarried, Black, Male,0,0,40, United-States +>50K,49, Private,169711, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +>50K,57, ?,300104, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,7298,0,84, United-States +<=50K,19, Private,271521, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,24, United-States +<=50K,18, Private,51255, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,44, Self-emp-not-inc,26669, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,99, United-States +<=50K,54, Private,194580, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,35, State-gov,177974, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,315640, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, China +<=50K,50, Self-emp-inc,136913, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,43, State-gov,230961, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,167062, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,47, Private,120131, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +<=50K,30, Private,171876, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, Private,136866, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,40, Private,316820, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1485,40, United-States +>50K,55, Private,185459, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,67, ?,81761, HS-grad,9, Divorced, ?, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,43716, Assoc-voc,11, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,43, United-States +<=50K,30, Private,220939, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, ?,148657, Preschool,1, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +<=50K,51, Federal-gov,40808, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,43, United-States +<=50K,34, Private,183473, HS-grad,9, Divorced, Transport-moving, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,108496, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,204838, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,29, Private,132686, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,17, State-gov,117906, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,304386, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,52, ?,248113, Preschool,1, Married-spouse-absent, ?, Other-relative, White, Male,0,0,40, Mexico +>50K,39, Private,165215, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,18, United-States +<=50K,18, ?,215463, 12th,8, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,259719, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Black, Male,0,0,40, Nicaragua +<=50K,25, ?,35829, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,34, Private,248795, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +>50K,44, Self-emp-not-inc,124692, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,37, Local-gov,128054, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,179731, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2415,65, United-States +>50K,32, Self-emp-inc,113543, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,252153, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,45, Federal-gov,45891, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,42, United-States +<=50K,30, Private,112263, 11th,7, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,47791, 12th,8, Divorced, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,41, Private,202980, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, Peru +<=50K,21, Private,34918, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,48, Private,91251, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, China +>50K,31, Private,132996, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,45, United-States +<=50K,34, Private,306215, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,203570, HS-grad,9, Separated, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,355918, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,35, Self-emp-not-inc,198841, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,282964, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,312197, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, Mexico +<=50K,44, Private,98779, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,60, United-States +>50K,32, Private,200246, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,182771, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, Private,199908, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,36, Private,172104, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Other, Male,0,0,40, India +>50K,53, Self-emp-not-inc,35295, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,27, Private,216858, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +<=50K,27, Private,332187, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,65, United-States +<=50K,57, Private,255109, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,17, Private,111332, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,59, Local-gov,238431, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,34, Private,131552, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,110239, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,31, State-gov,255830, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,45, United-States +<=50K,18, ?,175648, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,82998, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,164320, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,263498, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,162381, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Local-gov,229651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,357348, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Private,269657, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,38, Local-gov,82880, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, United-States +<=50K,19, Private,389755, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,34, Private,195136, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +<=50K,41, Private,207685, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, ? +<=50K,23, Private,222925, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,2105,0,40, United-States +<=50K,24, ?,196388, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,12, United-States +<=50K,24, Private,50341, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,214134, 10th,6, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,84, United-States +>50K,45, Private,114032, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,45, Private,192053, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,48, Private,240231, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,42, Private,44402, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Self-emp-not-inc,191503, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,163530, HS-grad,9, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,51, Local-gov,136823, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,32, United-States +>50K,59, Private,121912, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,58624, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Local-gov,74056, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Private,144259, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,4386,0,80, ? +<=50K,57, Private,182028, Assoc-acdm,12, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,209040, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,206046, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,182494, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,185057, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, Scotland +<=50K,60, Private,147473, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,221722, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14344,0,50, United-States +<=50K,20, ?,388811, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,221912, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,48189, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,29, State-gov,382272, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,48347, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,143046, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,38, United-States +>50K,63, Self-emp-inc,137940, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,28, Private,249571, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,79, Private,121318, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +>50K,39, Private,224531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,29, Private,185019, 12th,8, Never-married, Other-service, Not-in-family, Other, Male,0,0,40, United-States +<=50K,60, Private,27886, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,94741, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,20, Private,107801, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,2205,18, United-States +>50K,44, Private,191256, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,47, Private,256866, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,59, Private,197148, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,24, United-States +<=50K,37, Private,312271, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,21, Private,118657, HS-grad,9, Separated, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,68, Private,224338, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,242488, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,40, United-States +<=50K,23, ?,234970, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,227915, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,33, United-States +<=50K,40, Local-gov,105717, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,1876,35, United-States +<=50K,45, Self-emp-not-inc,160962, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,34, ?,353881, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,3103,0,60, United-States +<=50K,22, Private,188950, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,201328, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,218678, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,49, United-States +<=50K,23, Private,184255, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Federal-gov,200968, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,45, United-States +<=50K,26, Private,102264, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,300584, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,208946, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,105021, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,124751, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,274057, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,8, United-States +>50K,38, Private,132879, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,260960, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,56, Private,208415, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, ? +>50K,42, Private,356934, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,154410, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,35378, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,73, Private,301210, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1735,20, United-States +<=50K,32, Private,73621, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +>50K,37, Private,108140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,66, Private,217198, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,10, United-States +<=50K,22, Private,157332, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,51, Private,202956, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,173495, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,65, Private,149811, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,2206,59, Canada +<=50K,39, Private,444219, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,45, United-States +<=50K,48, Private,125120, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,20, Private,190429, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,190303, Assoc-acdm,12, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,48, Private,248164, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4386,0,50, United-States +<=50K,29, Federal-gov,208534, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +>50K,36, Self-emp-not-inc,343721, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, ? +>50K,35, Self-emp-inc,196373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,433788, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, State-gov,122086, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,137314, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Self-emp-not-inc,33068, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,210688, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,26, Local-gov,117833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,35, United-States +<=50K,37, State-gov,103474, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,65, Private,115880, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,233933, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,42, Private,52781, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,586657, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Japan +<=50K,62, Private,113080, 7th-8th,4, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,251905, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,76, Self-emp-not-inc,225964, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,8, United-States +<=50K,20, ?,194096, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,263831, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,133136, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,121634, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,22, Self-emp-inc,40767, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Federal-gov,355789, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,50, United-States +<=50K,43, Local-gov,311914, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,91189, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,44, Federal-gov,344060, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,113823, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,49, State-gov,185800, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,7430,0,40, United-States +>50K,30, Private,76107, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,117618, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,39, Private,238008, HS-grad,9, Widowed, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,136480, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,50, Private,285200, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,35, United-States +<=50K,19, Private,351040, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Puerto-Rico +>50K,35, Private,1226583, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,23, Private,195767, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,187540, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,79372, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,226665, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,42, United-States +>50K,52, Private,213209, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,211005, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,60, United-States +<=50K,24, Private,96178, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,328216, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,39, Private,110713, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,225456, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Local-gov,159908, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1258,38, United-States +>50K,43, Private,118308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,45, Private,180309, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,39630, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,273828, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,56, Private,172071, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,28, Private,218887, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,664670, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Private,209149, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,26, Private,84619, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,447346, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,55, Local-gov,37869, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,48, State-gov,99086, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,143582, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,2129,72, ? +>50K,38, Private,326886, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,181755, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,56, Self-emp-not-inc,249368, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,39, Self-emp-not-inc,326400, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,504725, 5th-6th,3, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,50, Mexico +<=50K,36, Private,88967, 11th,7, Never-married, Transport-moving, Unmarried, Amer-Indian-Eskimo, Male,0,0,65, United-States +<=50K,42, Self-emp-not-inc,170721, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,40, United-States +>50K,50, Private,148953, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,342752, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,57, Private,220871, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,73, Private,29675, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,12, United-States +<=50K,50, Federal-gov,183611, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,115215, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,27, Private,152231, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,41356, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,225142, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,121313, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,134821, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,51, Private,311350, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,102106, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,427055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Mexico +<=50K,40, Private,117860, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Private,285885, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,212800, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,194864, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,18, United-States +<=50K,36, Private,31438, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,46, Private,148254, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,69, Private,113035, 1st-4th,2, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,0,4, United-States +<=50K,69, Private,106595, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,1848,0,40, United-States +<=50K,28, Private,144521, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,20, Private,172232, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,48, United-States +<=50K,54, State-gov,123592, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,3887,0,35, United-States +<=50K,25, Private,191921, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,64, Local-gov,237379, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3471,0,40, United-States +<=50K,17, Private,208463, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Federal-gov,68985, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,22418, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,57, Private,163047, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,51, Private,153870, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2603,40, United-States +<=50K,20, ?,124954, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,47, Private,197702, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,166415, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,52, United-States +>50K,50, State-gov,116211, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,20, Private,33644, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,43, State-gov,33331, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,46, Private,73019, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,169182, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, Puerto-Rico +<=50K,53, Private,20438, Some-college,10, Separated, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,15, United-States +<=50K,21, Private,109869, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,58, Private,316849, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,208043, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,61, Private,153790, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,56, State-gov,153451, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,59, Private,96840, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,72, Private,192732, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,209101, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,146919, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,46, Local-gov,192323, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,48, Private,217019, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,28, United-States +<=50K,33, Private,198211, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,222490, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,106758, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,31, Private,561334, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,203710, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Local-gov,203322, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,51, Private,123703, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,46, State-gov,312015, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,209428, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, El-Salvador +>50K,61, Private,230292, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,17, Private,114420, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,120238, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,35, Private,100375, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Self-emp-not-inc,42485, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,37, Private,130620, 12th,8, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,33, ? +<=50K,39, Local-gov,134367, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,42, Private,147099, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +>50K,35, Private,36214, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,47, United-States +>50K,45, Private,119904, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,47, Self-emp-inc,105779, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,165020, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,39, Private,187098, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,47, United-States +<=50K,43, ?,142030, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,241360, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,62, Private,121319, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,53, Private,151580, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,31, Private,162572, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,35917, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,35723, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,194773, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,62155, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,35, United-States +>50K,45, Self-emp-not-inc,192203, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,46, Private,174370, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,161007, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,270517, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +>50K,43, Private,163847, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,193882, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,160037, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Federal-gov,189944, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,72, United-States +<=50K,85, Private,115364, HS-grad,9, Widowed, Sales, Unmarried, White, Male,0,0,35, United-States +<=50K,41, Private,163174, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, State-gov,188900, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,3325,0,35, United-States +<=50K,22, Private,214399, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,60, Private,156616, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,204862, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,34, ?,55921, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,172475, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,2977,0,45, United-States +<=50K,24, Private,153082, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,45, Local-gov,195418, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Local-gov,276840, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +>50K,30, Private,97933, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Wife, White, Female,0,1485,37, United-States +>50K,50, Self-emp-inc,119099, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +>50K,41, Self-emp-not-inc,83411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,198992, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,45, Private,337825, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,34, Private,192002, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,189346, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,231962, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,26, Private,164488, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,13550,0,50, United-States +>50K,48, Private,200471, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,69, Private,228921, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Male,0,2282,40, United-States +<=50K,41, Private,184846, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,233851, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,499001, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,65, Local-gov,125768, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,28, United-States +<=50K,31, Private,255004, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1741,38, United-States +<=50K,28, Private,157624, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,146767, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,118291, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,80, United-States +<=50K,43, Private,313181, HS-grad,9, Divorced, Adm-clerical, Other-relative, Black, Male,0,0,38, United-States +<=50K,31, Private,87891, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,31, Private,226443, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,81132, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,20, Private,216436, Bachelors,13, Never-married, Sales, Other-relative, Black, Female,0,0,30, United-States +<=50K,25, Private,213412, Bachelors,13, Never-married, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,179358, HS-grad,9, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,30, United-States +<=50K,31, Private,369825, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,4101,0,50, United-States +<=50K,56, Private,199763, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,239390, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,47, Self-emp-not-inc,173613, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,65, United-States +<=50K,40, Self-emp-inc,37869, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,302845, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,48, United-States +<=50K,34, State-gov,85218, Masters,14, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,24, United-States +<=50K,37, Private,48268, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,173968, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,70982, Assoc-voc,11, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,16, United-States +<=50K,49, Private,166857, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,256191, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +<=50K,26, Private,162872, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,82, Private,152148, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,2, United-States +<=50K,40, Private,139193, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,791084, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,23, Private,137214, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,37, United-States +<=50K,19, Private,183258, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,67, Private,154035, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, Black, Male,0,0,32, United-States +>50K,43, Private,115323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,41, Private,213055, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,50, United-States +<=50K,37, Private,155064, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,33551, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,169995, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,168262, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,99999,0,50, United-States +<=50K,40, Private,104196, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,114055, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,274398, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,78, ?,27979, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2228,0,32, United-States +<=50K,67, ?,244122, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,1, United-States +>50K,49, Private,196571, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,66, Private,101607, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +<=50K,52, Private,122109, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,323,40, United-States +<=50K,59, Self-emp-inc,255822, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,72, Private,195184, HS-grad,9, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,12, Cuba +<=50K,35, Federal-gov,245372, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,169583, Bachelors,13, Married-AF-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,224531, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,186151, HS-grad,9, Separated, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,118693, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Private,297449, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,125206, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,393264, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,108140, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,63, Private,264968, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,318106, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,156025, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, State-gov,149455, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,359985, 5th-6th,3, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,33, Mexico +>50K,44, State-gov,165108, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,43, Private,115178, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,149224, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,41, Local-gov,352056, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,174717, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,75, ?,173064, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,29, Private,147755, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +<=50K,52, Self-emp-not-inc,135716, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,47, Private,44216, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,28, Private,37359, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,24, Private,178255, Some-college,10, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, ? +<=50K,30, State-gov,70617, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,10, China +>50K,30, Private,154950, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,40, Private,356934, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,271714, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,247025, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,44, United-States +<=50K,32, Private,107417, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,36, State-gov,116554, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,917220, 12th,8, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,430084, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,202937, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, Poland +<=50K,27, Private,62737, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,508548, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,275223, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,35, Self-emp-not-inc,381931, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,246974, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,105431, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Private,146311, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,159869, Doctorate,16, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,204641, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,66297, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,38, Private,227615, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,66, ?,107744, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, Private,360393, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,19, Private,263340, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,141918, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,22, United-States +<=50K,37, Private,294292, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,128736, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,33, Local-gov,511289, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,27, Private,302406, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,101517, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,54, State-gov,161334, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +<=50K,24, Self-emp-inc,189148, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,103111, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,48, Self-emp-not-inc,51620, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,31606, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,34292, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,38, United-States +<=50K,21, Private,107882, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,9, United-States +<=50K,18, Private,39529, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,18, Private,135315, 9th,5, Never-married, Sales, Own-child, Other, Female,0,0,32, United-States +<=50K,29, Private,107812, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,229729, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,111891, HS-grad,9, Separated, Machine-op-inspct, Other-relative, Black, Female,0,0,40, United-States +<=50K,32, Private,340917, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,202952, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,24, United-States +<=50K,79, Private,333230, HS-grad,9, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,6, United-States +<=50K,34, Private,114955, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,159869, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,57758, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,207064, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,193090, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,64, Private,151364, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,70, Local-gov,88638, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,7896,0,50, United-States +<=50K,28, Local-gov,304960, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,1980,40, United-States +<=50K,51, Private,102828, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Greece +<=50K,20, ?,210029, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,34, State-gov,154246, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,4865,0,55, United-States +<=50K,29, Private,142519, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,104455, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,77, Self-emp-inc,192230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,292592, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,27, Private,330132, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,51111, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Local-gov,258037, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +>50K,42, Local-gov,188291, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, United-States +<=50K,35, State-gov,349066, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,62, ?,191188, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,133503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,2635,0,16, United-States +<=50K,45, Private,146497, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,19, Private,240468, Some-college,10, Married-spouse-absent, Sales, Own-child, White, Female,0,1602,40, United-States +<=50K,38, Private,175120, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,416577, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,45, United-States +<=50K,29, Private,253814, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,159247, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,102471, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,80, Puerto-Rico +<=50K,42, Private,213464, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,211968, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,43, Federal-gov,32016, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,512992, 11th,7, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,45, United-States +<=50K,39, Private,135020, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,109133, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,28, Private,142712, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,76900, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,112176, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,30, United-States +>50K,43, Federal-gov,262233, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,122066, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, Hungary +<=50K,28, Private,194690, 7th-8th,4, Separated, Other-service, Own-child, White, Male,0,0,60, Mexico +<=50K,35, Private,306678, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885,0,40, United-States +<=50K,19, ?,217769, Some-college,10, Never-married, ?, Own-child, White, Female,594,0,10, United-States +>50K,35, Local-gov,308945, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,46699, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,377757, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,220993, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1590,48, United-States +<=50K,45, Private,102147, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,113770, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,139012, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,45, Private,148900, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Federal-gov,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Self-emp-inc,181408, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,44, Local-gov,101950, Prof-school,15, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,59, Self-emp-not-inc,32537, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,209547, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202373, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +<=50K,29, Self-emp-not-inc,151476, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,2174,0,40, United-States +>50K,51, Self-emp-not-inc,174824, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,8614,0,40, United-States +<=50K,22, Private,138768, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,143482, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,200190, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,38, Private,168407, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,5721,0,44, United-States +<=50K,23, Private,148315, Some-college,10, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,270517, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +<=50K,40, Private,53506, Bachelors,13, Divorced, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,105693, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,189589, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,164574, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,185744, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +<=50K,40, Local-gov,33155, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,215955, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,38, Self-emp-not-inc,233571, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,211253, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Federal-gov,191385, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Male,2174,0,40, United-States +<=50K,20, Private,137895, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,62, State-gov,159699, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,31, Private,295922, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,175856, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,216129, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,62, Local-gov,407669, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,0,0,35, United-States +>50K,43, Local-gov,214242, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,285457, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,30, Self-emp-inc,124420, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,4650,0,40, United-States +<=50K,22, ?,246386, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,142751, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Local-gov,283635, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Self-emp-not-inc,322931, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,40, United-States +<=50K,49, Private,76482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,431745, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,48, Private,141944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +>50K,32, Private,193042, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,33, Private,67006, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,240398, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,15, United-States +>50K,33, Federal-gov,182714, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +>50K,50, Federal-gov,172046, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,185177, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,32, Private,102858, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,42, United-States +<=50K,39, Private,84954, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,2829,0,65, United-States +<=50K,21, Private,115895, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,184589, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,21, United-States +<=50K,32, Private,282611, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,218649, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,157541, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, United-States +<=50K,70, Private,145419, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,5, United-States +>50K,34, Private,122616, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,84, United-States +<=50K,53, Private,204584, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,117210, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,37, Private,69481, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,148492, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,50, United-States +>50K,23, Private,106957, 11th,7, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,14344,0,40, Vietnam +>50K,32, Private,29312, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,57, Private,120302, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,111916, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,182227, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,30, Private,219110, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,31, Private,200192, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,19, Private,427862, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,23, State-gov,33551, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,44, Private,164043, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, ?,116632, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,175133, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,289731, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,32, Private,256362, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,282612, Assoc-voc,11, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,73679, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,237824, HS-grad,9, Married-spouse-absent, Priv-house-serv, Other-relative, Black, Female,0,0,60, Jamaica +<=50K,36, Local-gov,357720, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,155489, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, Poland +<=50K,44, Private,138077, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,42, Private,183479, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,103596, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,99, United-States +<=50K,33, Private,172304, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,313853, Bachelors,13, Divorced, Other-service, Unmarried, Black, Male,0,0,45, United-States +<=50K,17, Private,294485, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,637080, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,32, Private,385959, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,116539, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,129263, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,60, Private,141253, 10th,6, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,48, United-States +<=50K,35, State-gov,35626, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,43, Federal-gov,94937, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,220269, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Self-emp-not-inc,169544, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +>50K,36, Private,214604, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +>50K,27, Private,81540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,24013, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +<=50K,22, Private,124940, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,44, United-States +<=50K,33, State-gov,313729, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,61, Private,192237, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,28, ?,168524, Assoc-voc,11, Married-civ-spouse, ?, Own-child, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,113324, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,22, Private,215477, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,199903, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,431861, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,105938, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,1602,20, United-States +<=50K,28, Private,274679, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,177499, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,1590,35, United-States +<=50K,28, Private,206125, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,221740, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,58, Private,202652, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,39, Private,348960, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,171876, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,157932, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,201344, Bachelors,13, Divorced, Craft-repair, Own-child, White, Female,0,0,20, United-States +>50K,38, Private,354739, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,36, Philippines +<=50K,34, Private,40067, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,326862, Some-college,10, Divorced, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,48, Local-gov,189762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,149049, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,226246, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,80, ?,29020, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,10605,0,10, United-States +<=50K,23, Private,38251, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,33, Private,196385, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,38, Self-emp-not-inc,217054, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,104973, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,238959, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,9562,0,40, United-States +<=50K,40, State-gov,34218, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,292962, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Female,0,0,40, United-States +<=50K,45, Private,235924, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,98656, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,102610, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,80, United-States +<=50K,32, Local-gov,296466, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Private,323069, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,184756, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,233993, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,22, Private,130724, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +>50K,52, Self-emp-inc,181855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999,0,65, United-States +<=50K,67, Self-emp-not-inc,127543, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414,0,80, United-States +<=50K,40, Private,187164, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,45, United-States +<=50K,55, Private,113912, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,29, Private,216479, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,135480, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,16, United-States +<=50K,22, Private,204160, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,64, State-gov,114650, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,240172, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,28, Private,184831, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,124590, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +>50K,47, State-gov,120429, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,26, Private,202033, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,156874, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,27, United-States +<=50K,52, Self-emp-inc,177727, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,4064,0,45, United-States +>50K,48, Local-gov,334409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,36, Private,311255, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Haiti +<=50K,23, Private,214227, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Private,115849, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,56, State-gov,671292, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,53, Private,31460, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,141824, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,310152, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,3325,0,40, United-States +<=50K,25, Private,179953, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,2597,0,31, United-States +<=50K,31, Private,137952, Some-college,10, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,36, Private,103323, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829,0,40, United-States +<=50K,46, Private,174426, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,46, State-gov,192779, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Male,0,2258,38, United-States +<=50K,32, Private,169955, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,36, Puerto-Rico +<=50K,43, Self-emp-not-inc,48087, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +>50K,30, Private,132601, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,41, Self-emp-inc,253060, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +>50K,50, Private,108435, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,37, State-gov,210452, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,22, Local-gov,134181, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,50, United-States +<=50K,51, Federal-gov,45487, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +>50K,47, Private,183522, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,40, Private,199303, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,83064, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,134997, Some-college,10, Separated, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,30, Private,44419, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,27, Self-emp-not-inc,442612, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,31, Local-gov,158092, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,31, Private,374833, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,112650, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,183390, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,207418, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, ?,335453, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,16, United-States +>50K,29, Private,243660, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,54243, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Private,50385, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +>50K,47, State-gov,187581, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,34, Private,37380, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,247025, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, ?,29231, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,23, State-gov,101094, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,60, United-States +<=50K,42, Local-gov,176716, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,118429, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Federal-gov,221532, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,120572, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Local-gov,124680, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,153160, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,114678, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,5455,0,40, United-States +>50K,49, State-gov,142856, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,29702, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,20, Private,277700, Preschool,1, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,55, Self-emp-inc,67433, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,121124, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, Private,394447, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,33, United-States +<=50K,36, Private,79649, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,203763, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,0,0,80, United-States +>50K,55, Private,229029, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,48, United-States +<=50K,21, ?,494638, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,162816, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,109117, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,24, Private,32732, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Self-emp-not-inc,217692, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, Private,34590, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,18, ?,276864, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,20, United-States +<=50K,56, Private,168625, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,4101,0,40, United-States +>50K,36, Private,91037, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Private,171484, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,57, Private,200453, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,57, Private,36990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,52, United-States +<=50K,33, Private,198211, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,61, ?,30475, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Private,70995, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,99, United-States +<=50K,28, Private,245790, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,273324, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1721,16, United-States +<=50K,60, Private,182687, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Local-gov,247807, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,163113, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,50, Private,180522, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, Local-gov,203353, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,12, United-States +<=50K,30, Private,87469, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,216563, 11th,7, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,90, Private,87372, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,72, United-States +<=50K,49, Local-gov,173584, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Local-gov,80282, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137,0,40, United-States +>50K,34, Private,319854, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Taiwan +<=50K,37, Federal-gov,408229, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,431307, 10th,6, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,50, United-States +<=50K,37, Private,134088, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,246396, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +>50K,34, Private,159255, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,106014, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,186934, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,39, Private,120130, Some-college,10, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,203849, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,19, United-States +<=50K,24, Private,207940, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,28, Private,302406, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,41, Self-emp-not-inc,144594, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2179,40, United-States +<=50K,69, ?,171050, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,9, United-States +<=50K,32, Private,459007, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,90, United-States +>50K,58, Private,372181, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,172034, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +>50K,41, Private,156566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +>50K,35, Self-emp-inc,338320, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,353696, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, Canada +>50K,46, Self-emp-not-inc,342907, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +>50K,69, Self-emp-inc,169717, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418,0,45, United-States +<=50K,22, Private,103762, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,36, State-gov,47570, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,119432, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,144165, Bachelors,13, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,35, Private,180647, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,37, Local-gov,312232, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,5178,0,40, United-States +<=50K,35, State-gov,150488, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,200876, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,16, United-States +<=50K,43, Private,188199, 9th,5, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,53, State-gov,118793, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,204325, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,29, Private,256671, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,231515, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,47, Cuba +<=50K,24, Private,100669, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,30, Private,88913, Some-college,10, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,23, Private,363219, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,6, United-States +<=50K,27, ?,291547, Bachelors,13, Married-civ-spouse, ?, Not-in-family, Other, Female,0,0,6, Mexico +<=50K,36, Private,308945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,100316, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,33, Private,296453, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,15, United-States +<=50K,66, Private,298834, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Canada +<=50K,45, Self-emp-not-inc,188694, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,29240, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +>50K,37, Private,186934, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,17, Private,154908, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,31, Private,22201, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,46, Private,216999, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,40, Private,186916, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,116677, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,95763, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Private,266710, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,41, United-States +>50K,46, Private,117849, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,242460, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Self-emp-not-inc,202729, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,181652, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,174760, Assoc-acdm,12, Married-spouse-absent, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Private,56121, 11th,7, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,390369, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,149726, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,51262, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,190350, 12th,8, Never-married, Other-service, Unmarried, Black, Female,0,0,35, ? +>50K,53, Federal-gov,205288, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,35, United-States +<=50K,36, Private,154835, HS-grad,9, Separated, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,45, Private,89028, HS-grad,9, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,10520,0,40, United-States +<=50K,36, Private,194630, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Self-emp-not-inc,212207, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,11, United-States +<=50K,27, Private,204788, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,158688, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,97723, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,193026, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,257250, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,75, United-States +<=50K,48, Private,355978, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,200574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,21, Private,376929, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +>50K,47, State-gov,123219, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,82778, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,61, Self-emp-not-inc,115882, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,64, Private,103021, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,297767, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,44, Private,259479, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,20, Private,167787, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,23, Local-gov,40021, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,70, United-States +<=50K,52, Private,245275, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,43, Private,37402, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,32, Private,103608, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,63, Private,137192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,29, Private,137618, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,41, United-States +<=50K,42, Self-emp-inc,96509, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, Taiwan +<=50K,65, Private,196174, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,28, United-States +<=50K,24, Private,172612, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,141186, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,228190, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,40, Self-emp-inc,190290, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,38, Federal-gov,307404, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,152436, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Self-emp-not-inc,182541, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,50, United-States +<=50K,39, Private,282153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,29, ?,41281, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,162003, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,36, United-States +>50K,36, Private,190759, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,208122, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,57, Private,173832, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,55, Private,129173, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,287548, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,216116, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +<=50K,24, Private,146706, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Private,285200, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-inc,314375, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,44, Private,203943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,35, United-States +<=50K,18, ?,274746, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,27, Private,517000, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +<=50K,36, Private,66173, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,182823, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,29, Private,159479, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,55, United-States +<=50K,25, Private,135568, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,333676, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,45, Private,201699, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,28, Private,96020, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,43, Private,176138, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,47496, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,20, Private,187158, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,22, Private,249727, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,76, Self-emp-not-inc,237624, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,24, Private,175254, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,42924, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Private,205950, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,111985, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,30, Private,167476, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,40, Private,221172, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, ?,188711, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Private,199448, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,313038, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,148431, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,40, United-States +<=50K,19, Private,112432, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,58, United-States +<=50K,46, Private,57914, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,145166, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,247119, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Dominican-Republic +<=50K,53, Private,196278, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,366531, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,216481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,188027, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,37, Private,66686, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,74775, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, Vietnam +>50K,65, ?,325537, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,30, Self-emp-not-inc,250499, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,55, United-States +<=50K,57, Self-emp-not-inc,192869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,44, Self-emp-inc,121352, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Self-emp-not-inc,70985, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064,0,40, United-States +<=50K,27, Self-emp-not-inc,123116, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,57, Local-gov,339163, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,59, Self-emp-not-inc,124771, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,32, Private,167531, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,15024,0,50, United-States +<=50K,90, ?,77053, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,4356,40, United-States +<=50K,22, Private,199266, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Private,190728, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,99212, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,48, United-States +>50K,38, Local-gov,421446, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,61, Private,215944, 9th,5, Divorced, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,24, Private,72310, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,43, United-States +<=50K,25, Private,57512, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,89413, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,28151, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,90, Private,46786, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,9386,0,15, United-States +<=50K,30, Private,226943, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,44, Private,182402, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,305352, 10th,6, Divorced, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +>50K,63, Self-emp-inc,189253, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,60, Private,296485, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,204375, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,49, Self-emp-not-inc,249585, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,47, Private,148995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,42, Self-emp-inc,168071, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,53, Private,194995, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Italy +<=50K,23, Private,211049, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,4101,0,40, United-States +<=50K,28, ?,196630, Assoc-voc,11, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,20, Private,50397, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,35, United-States +<=50K,43, Private,177905, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3908,0,40, United-States +>50K,32, Private,204374, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +>50K,43, Private,60001, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,44, United-States +<=50K,31, Private,223046, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,29, ?,44921, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,154571, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,39, Private,67136, Assoc-voc,11, Separated, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,29, Private,188675, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Jamaica +<=50K,20, Private,390817, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, Mexico +<=50K,23, ?,145964, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,30424, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,53, Private,548361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,189148, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,58, Self-emp-not-inc,266707, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2179,18, United-States +<=50K,51, Self-emp-not-inc,311569, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,187653, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +<=50K,38, Private,235379, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +>50K,41, Private,188615, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,322691, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,184698, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,50, Private,144361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,130057, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Self-emp-inc,117963, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,123876, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,248445, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,32, Private,207172, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,46, State-gov,119904, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,55, United-States +>50K,62, Private,134768, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,269168, HS-grad,9, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, ? +>50K,56, Private,132026, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,7688,0,45, United-States +>50K,37, Private,60722, Some-college,10, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,41, Private,648223, 1st-4th,2, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,40, Mexico +<=50K,56, Private,298695, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,219835, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,34, Self-emp-not-inc,313729, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,45, Private,140644, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Private,203488, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,132341, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,161683, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +>50K,38, Private,312771, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,258102, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,57, ?,24127, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,47, Private,254367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,77, ?,185426, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +>50K,43, Private,152629, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,141058, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,41, Private,233130, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,406641, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, State-gov,119422, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,255486, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,25, United-States +<=50K,22, Private,161532, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,25, Private,75759, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,18, Private,163332, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +<=50K,28, Private,103802, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,1408,40, ? +>50K,50, Private,34832, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,28, Private,37933, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,48, United-States +<=50K,21, Private,165107, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,126011, Assoc-voc,11, Divorced, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,56651, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,522881, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,32, Private,191777, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,35, England +<=50K,27, Private,132686, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,55, Private,201112, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Private,174283, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,208591, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,126399, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,142073, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,18, Private,395567, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,74, Private,180455, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,8, United-States +<=50K,22, Private,235853, 9th,5, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,160731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,31935, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,80, United-States +>50K,41, Private,35166, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,24, Private,161092, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,23, Private,223019, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,179673, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +>50K,46, State-gov,248895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,200323, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,41, Private,230020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +>50K,29, Private,134890, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,162096, 9th,5, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,45, China +<=50K,51, Private,103824, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,34, State-gov,61431, 12th,8, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,58, Private,197319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,183618, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,268598, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,7298,0,50, Puerto-Rico +<=50K,53, Private,263729, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,39493, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,185360, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,132661, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,60, United-States +<=50K,20, Private,266400, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,48, United-States +<=50K,23, Private,433669, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,216473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Self-emp-not-inc,217404, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,227778, Assoc-voc,11, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,73, State-gov,96262, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,247566, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,24, United-States +>50K,56, Private,139616, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,73585, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,37869, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1590,40, United-States +<=50K,33, Private,165814, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,108913, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,34975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,157078, 10th,6, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,232672, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,294295, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,58, Self-emp-inc,130454, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Local-gov,461678, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, State-gov,252284, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,256737, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,96480, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Germany +<=50K,25, Private,234263, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,109952, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,262570, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,65716, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,68, Private,201732, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,174788, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,38, Private,278924, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,101593, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,71, ?,193863, 7th-8th,4, Widowed, ?, Other-relative, White, Female,0,0,16, Poland +<=50K,37, Private,342768, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,242606, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +<=50K,27, State-gov,176727, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,99179, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, State-gov,354104, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,25, Private,61956, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,47, Federal-gov,137917, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,224658, Some-college,10, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,38, Private,51100, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,3325,0,40, United-States +<=50K,25, Private,224361, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,362912, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,50, United-States +<=50K,23, Private,218782, 10th,6, Never-married, Handlers-cleaners, Other-relative, Other, Male,0,0,40, United-States +<=50K,28, Private,103389, Masters,14, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,308944, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,140092, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,202210, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Private,416059, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,281030, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,94, United-States +<=50K,19, Private,169758, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,68, Private,193666, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,55, United-States +<=50K,41, Private,139907, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,18, Self-emp-inc,119422, HS-grad,9, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,30, India +>50K,29, Private,149324, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +>50K,40, Private,259307, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,51, Self-emp-not-inc,74160, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,49, Private,134797, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, State-gov,41103, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,38, Local-gov,193026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,303986, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Cuba +<=50K,35, Private,126569, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,66, Private,166461, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,26, United-States +<=50K,27, ?,61387, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,25, Private,254746, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,77, ?,28678, Masters,14, Married-civ-spouse, ?, Husband, White, Male,9386,0,6, United-States +<=50K,19, ?,180976, 10th,6, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +>50K,70, Private,282642, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2174,40, United-States +<=50K,59, Self-emp-not-inc,136413, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,25, Private,131463, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,177240, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +>50K,37, Private,218490, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, El-Salvador +<=50K,75, ?,260543, 10th,6, Widowed, ?, Other-relative, Asian-Pac-Islander, Female,0,0,1, China +<=50K,21, ?,80680, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,20728, HS-grad,9, Never-married, Sales, Own-child, White, Female,4101,0,40, United-States +>50K,47, Federal-gov,117628, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,91939, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,1721,30, United-States +<=50K,32, State-gov,175931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,309566, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,53, Private,123703, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,369678, HS-grad,9, Never-married, ?, Not-in-family, Other, Male,0,0,30, United-States +<=50K,58, Private,29928, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,36, United-States +<=50K,22, Private,167868, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,235894, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,189888, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,3325,0,60, United-States +<=50K,36, Private,111545, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,39, Private,175972, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,34, Local-gov,254270, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,185057, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, Private,157593, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,1455,0,6, United-States +>50K,34, Private,101345, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,51, Local-gov,176751, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,32, Self-emp-not-inc,97723, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,127601, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,227597, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,143995, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,21, Private,250051, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,26, Private,284078, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,207668, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1887,40, United-States +<=50K,18, Private,163787, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,119170, 11th,7, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,188612, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, Nicaragua +>50K,36, Private,114605, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,317761, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,164197, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,54, Private,329266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,34, Local-gov,207383, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,123598, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,259931, 11th,7, Separated, Machine-op-inspct, Other-relative, White, Male,0,0,30, United-States +>50K,32, Private,134737, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,42, Private,106900, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,87054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,37, Private,82622, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,181659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,321205, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,4101,0,35, United-States +>50K,44, Self-emp-not-inc,231348, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,276096, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,290560, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,307315, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,39, State-gov,99156, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,237928, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,39, United-States +<=50K,46, Private,153501, HS-grad,9, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,47, ?,149700, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,36, United-States +>50K,47, Private,189680, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +>50K,35, Private,374524, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +>50K,60, Self-emp-not-inc,127805, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,150217, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, Poland +<=50K,33, Private,295649, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, China +<=50K,21, Private,197182, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,241998, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,48, Federal-gov,156410, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,58, Private,473836, 7th-8th,4, Widowed, Farming-fishing, Other-relative, White, Female,0,0,45, Guatemala +<=50K,21, Private,198431, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,113936, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,318915, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,175406, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +>50K,33, ?,193172, Assoc-voc,11, Married-civ-spouse, ?, Own-child, White, Female,7688,0,50, United-States +<=50K,23, Federal-gov,320294, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,58, State-gov,400285, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,24, ?,283731, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,227154, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,49, Private,298659, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, Mexico +>50K,47, Private,212120, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,50, Private,320510, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,21, Private,175800, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,55, Private,170169, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,344157, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,199441, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,225456, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,50, United-States +<=50K,36, Private,61178, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,175262, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,2002,40, England +<=50K,42, Private,152568, HS-grad,9, Widowed, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,41, Private,182108, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,27828,0,35, United-States +>50K,46, Private,273771, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,32, Private,208291, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,224358, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,55176, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,60, State-gov,152711, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,68684, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,185452, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Federal-gov,175232, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1977,60, United-States +<=50K,23, Private,173851, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,162327, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,50, ? +<=50K,36, Local-gov,51424, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,123416, 12th,8, Separated, Prof-specialty, Own-child, White, Female,1055,0,40, United-States +<=50K,26, Private,262656, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,233194, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,290660, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,55, United-States +<=50K,22, Private,151105, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,18, United-States +>50K,38, Private,179117, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, Black, Female,10520,0,50, United-States +>50K,72, ?,33608, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,9386,0,30, United-States +<=50K,39, Private,317434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, State-gov,126569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,38, Local-gov,745768, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,19, Private,69927, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,16, United-States +<=50K,26, Private,302603, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,52, Private,46788, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Male,0,0,25, United-States +<=50K,41, Private,289886, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Other, Male,0,1579,40, Nicaragua +<=50K,45, Private,179135, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Federal-gov,175873, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,57426, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,36, Private,312206, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Without-pay,344858, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,26, State-gov,177035, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,88055, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,111095, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,192251, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,27, Private,29807, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, Japan +<=50K,26, Federal-gov,211596, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,268276, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +>50K,59, Self-emp-not-inc,181070, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, England +<=50K,53, Local-gov,20676, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,35, Private,115803, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,124827, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,95336, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,257942, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,72593, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,147340, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,185325, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Self-emp-not-inc,357943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,215395, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,1602,10, United-States +<=50K,50, Local-gov,30682, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Federal-gov,29591, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,40, United-States +<=50K,36, Private,215392, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,110554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,4386,0,40, United-States +<=50K,42, Self-emp-not-inc,133584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,38, Private,210438, 7th-8th,4, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,256916, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,73541, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,109952, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,197975, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, United-States +<=50K,27, Private,401723, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, Private,179524, Bachelors,13, Separated, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, State-gov,296282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,145844, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,59, Private,191965, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,3908,0,28, United-States +<=50K,54, Private,96792, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,48, Private,185041, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1672,55, United-States +<=50K,19, ?,233779, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,45, Private,347834, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,215373, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,35, Self-emp-not-inc,169426, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,202856, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,33, Private,50276, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,187454, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,126098, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,250639, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,64, Self-emp-inc,195366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,186845, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,8, United-States +<=50K,20, Federal-gov,119156, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +<=50K,28, Private,162343, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Puerto-Rico +>50K,52, Private,108435, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, Greece +<=50K,29, Self-emp-not-inc,394927, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,51, Private,172281, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,370767, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,60, United-States +>50K,43, Private,352005, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,52, Private,165681, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Private,258819, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,130793, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,118909, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,44, Private,202466, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,47, Private,161558, 10th,6, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,45, United-States +<=50K,32, Private,188246, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,160120, Masters,14, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +<=50K,40, Private,144594, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829,0,40, United-States +<=50K,34, Self-emp-not-inc,123429, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,35, Self-emp-inc,340110, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,523067, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,3, El-Salvador +<=50K,49, Self-emp-not-inc,113513, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,63, ?,186809, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,46, Self-emp-not-inc,320421, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,31, Local-gov,295589, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,370548, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,120572, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,12, United-States +>50K,52, Private,110977, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,55860, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,34, Private,158800, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,131568, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,173613, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,216867, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,104089, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,208106, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Ecuador +<=50K,27, State-gov,340269, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,236246, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,213408, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, Cuba +<=50K,40, ?,84232, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,19, Private,302945, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, Thailand +>50K,69, ?,28197, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,262749, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,34, Federal-gov,198265, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +>50K,49, Private,170871, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,177761, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,50, United-States +>50K,59, Private,175689, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,14, Cuba +>50K,45, Private,205100, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,21, Private,77759, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,51, State-gov,77905, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,64, ?,193575, 11th,7, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +>50K,41, State-gov,116520, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,85154, 12th,8, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,24, Germany +<=50K,49, Private,180532, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,508891, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,211345, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,69, Self-emp-not-inc,170877, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, ?,97318, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,43, Private,184105, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,150941, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,44, United-States +<=50K,32, Private,303942, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,273929, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,197077, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,62, Private,162825, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,159869, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,19, Private,158343, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, ? +<=50K,17, ?,406920, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,227986, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,137527, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,180150, 12th,8, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,239539, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,58, Private,281792, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,224799, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,292639, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,10566,0,35, United-States +<=50K,66, Private,22313, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,42, Private,194636, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,156089, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,193720, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,25, Private,218667, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,358837, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,174685, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,168854, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,54, United-States +<=50K,28, Private,133696, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,65, United-States +<=50K,23, Federal-gov,350680, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Poland +<=50K,18, Private,115215, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,43, Self-emp-not-inc,152958, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,217200, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,235124, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,46, Dominican-Republic +<=50K,31, Local-gov,144949, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,135470, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,42, Private,281209, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,46, Private,155489, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,38, Private,290306, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,182042, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,31, Private,210008, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,54, Private,234938, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,55, United-States +<=50K,46, Private,315423, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2042,50, United-States +<=50K,27, Self-emp-not-inc,30244, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,80, United-States +>50K,50, Local-gov,30008, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,38, Self-emp-not-inc,201328, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,36, State-gov,96468, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,486332, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, Mexico +<=50K,19, Private,46162, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +<=50K,60, Local-gov,98350, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, Philippines +<=50K,45, Local-gov,175958, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,119309, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,1602,16, United-States +<=50K,42, Private,175935, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1980,46, United-States +<=50K,38, Private,204527, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,57827, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,418176, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,32, United-States +<=50K,23, Private,262744, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,177287, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,30, Private,255004, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,52, United-States +<=50K,62, Private,183735, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,318644, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,42, Federal-gov,132125, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,33, Private,206051, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,99185, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,35, Private,225750, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,33, Private,245777, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,169092, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,62, Private,211035, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,24, Private,285432, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,50, Local-gov,154779, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,54, Private,37237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,417419, 7th-8th,4, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,33975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,42485, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,170017, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,152683, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,35, United-States +<=50K,20, Private,41721, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +<=50K,64, Private,66634, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,257216, Masters,14, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,167882, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,43, United-States +<=50K,45, Private,179428, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,57512, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,301614, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,193820, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1876,40, United-States +>50K,58, Private,222247, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,39, Self-emp-inc,189092, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,217509, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,45, Thailand +<=50K,35, Private,308691, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,38, Private,169672, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,120914, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,370156, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,28, Private,398220, 5th-6th,3, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,44, Self-emp-not-inc,208277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,45, United-States +<=50K,40, Private,337456, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,172666, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,32280, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,194901, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, ?,57329, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, Japan +>50K,32, Private,173730, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,45, Local-gov,153312, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,10, United-States +<=50K,23, Private,274797, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,31, Private,359249, Assoc-voc,11, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,152744, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,59, Private,188041, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,97723, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,49, State-gov,354529, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,249727, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,189590, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,23, State-gov,298871, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,55, Self-emp-not-inc,205296, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +>50K,47, Private,303637, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,49, United-States +<=50K,44, Private,242861, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,37599, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +>50K,40, State-gov,199381, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,37, United-States +>50K,32, Self-emp-not-inc,56328, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,20, Private,256211, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,84, Local-gov,163685, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,33, United-States +<=50K,40, Private,266084, Some-college,10, Divorced, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,37, Private,161111, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,199031, Some-college,10, Divorced, Transport-moving, Own-child, White, Male,0,1380,40, United-States +<=50K,47, Private,166634, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Germany +<=50K,62, Self-emp-not-inc,204085, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,19, ?,369527, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,464945, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Local-gov,174684, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,26, Local-gov,166295, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,41, United-States +<=50K,36, Private,220511, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,246936, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,104509, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, ?,266337, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,252168, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,92093, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,62, Private,88055, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,129591, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,142719, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,18, ?,264924, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,128796, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,115336, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,70, United-States +>50K,52, Private,190333, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,179444, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,15, United-States +<=50K,49, Private,218676, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,17, Local-gov,148194, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,33, Private,184833, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,70, Self-emp-not-inc,280639, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,2329,0,20, United-States +<=50K,19, Private,217769, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,27, ?,180553, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,61, Private,56009, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,255334, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,46, Self-emp-inc,328216, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,42, ? +<=50K,29, Private,349154, 10th,6, Separated, Farming-fishing, Unmarried, White, Female,0,0,40, Guatemala +<=50K,40, Local-gov,24763, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,6849,0,40, United-States +>50K,43, State-gov,41834, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,24, Private,113466, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,130856, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,61, Self-emp-not-inc,268797, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,17, United-States +<=50K,48, Private,202117, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,19, Private,280146, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,70377, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,236696, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,39, Local-gov,222572, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,46, Self-emp-inc,110702, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,2036,0,60, United-States +>50K,40, Private,96129, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,27, Local-gov,200492, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,193820, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,454508, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,2001,40, United-States +<=50K,58, Private,220789, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,33, Private,101345, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,42, Canada +<=50K,40, Private,140559, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,40, Self-emp-inc,64885, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,31, Private,402361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,143582, HS-grad,9, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,48, China +<=50K,49, Private,185385, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,112706, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,130364, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,58, Local-gov,147428, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,205895, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,65, ?,273569, HS-grad,9, Widowed, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Private,153160, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,167918, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,41, Private,195661, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,54, United-States +<=50K,27, State-gov,146243, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, ?,105428, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,26, Private,149943, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,60, ? +<=50K,52, Local-gov,246197, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,192563, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,19, Private,244115, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,39, Local-gov,98587, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,45, United-States +<=50K,47, Private,145886, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,244315, HS-grad,9, Divorced, Craft-repair, Other-relative, Other, Male,0,0,40, United-States +<=50K,48, Private,192779, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,209464, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,60, Private,25141, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,28, Private,405793, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,47, Federal-gov,53498, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, ?,476653, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,40, Self-emp-not-inc,162312, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,66, South +<=50K,37, Private,277022, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Female,3887,0,40, Nicaragua +<=50K,41, State-gov,109762, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,123031, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,48, Trinadad&Tobago +<=50K,46, Federal-gov,119890, Assoc-voc,11, Separated, Tech-support, Not-in-family, Other, Female,0,0,30, United-States +<=50K,21, Self-emp-not-inc,409230, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,223308, Masters,14, Separated, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,38, ?,129150, 10th,6, Separated, ?, Own-child, White, Male,0,0,35, United-States +>50K,47, Self-emp-not-inc,119199, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,42, Private,46221, Doctorate,16, Married-spouse-absent, Other-service, Not-in-family, White, Male,27828,0,60, ? +<=50K,42, Local-gov,351161, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Private,174533, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,324386, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,126568, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,33, United-States +<=50K,26, Private,275703, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,219611, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,2174,0,50, United-States +<=50K,49, Private,200471, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +>50K,65, Private,155261, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,73, State-gov,74040, 7th-8th,4, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,226296, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,211968, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,49, Local-gov,126446, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,25, Private,262885, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,39, Private,188069, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +<=50K,19, Private,113546, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +<=50K,24, Private,227070, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,136997, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,35, ?,119006, HS-grad,9, Widowed, ?, Own-child, White, Female,0,0,38, United-States +<=50K,21, Private,212407, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,43, Private,197810, Masters,14, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Federal-gov,35309, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,28, ? +<=50K,39, Private,141802, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, ?,184513, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +<=50K,33, Self-emp-not-inc,124187, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Black, Male,0,0,32, United-States +<=50K,19, Private,201743, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,26, United-States +<=50K,17, Private,156736, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,12, United-States +<=50K,43, Self-emp-not-inc,47261, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,150693, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,53, Local-gov,233734, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,45, State-gov,35969, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,159550, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,190823, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,53, Private,213378, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,24, Private,257500, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,488706, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,239405, 5th-6th,3, Divorced, Other-service, Other-relative, Black, Female,0,0,40, Haiti +<=50K,27, Federal-gov,105189, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,4865,0,50, United-States +<=50K,63, State-gov,109735, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,50, Private,172942, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,28, United-States +>50K,43, Local-gov,209899, Masters,14, Never-married, Tech-support, Not-in-family, Black, Female,8614,0,47, United-States +<=50K,29, Self-emp-inc,87745, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,41, Private,187881, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3942,0,40, United-States +<=50K,55, Private,234125, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,272944, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Local-gov,129232, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,22, Private,100345, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,13550,0,55, United-States +<=50K,58, Self-emp-not-inc,195835, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,251854, 11th,7, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,40, Private,103474, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,38, Private,22042, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +>50K,37, Private,343721, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,232368, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,55, Private,174478, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,29, United-States +>50K,55, Private,282023, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,28, Private,274690, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,251675, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,32, ?,647882, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,60, Private,128367, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,3325,0,42, United-States +<=50K,32, Private,37380, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,34, Private,173730, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,49, Private,353824, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, Private,225890, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,24, State-gov,147147, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,53, Private,233780, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,2202,0,40, United-States +<=50K,29, Private,394927, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,34, Local-gov,188682, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, ?,115209, Prof-school,15, Married-spouse-absent, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,41, Private,277192, 5th-6th,3, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, Mexico +<=50K,21, Private,314182, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,220776, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,31, Local-gov,189269, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,35429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2042,40, United-States +>50K,42, Private,154374, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,62, Private,161460, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,51, Private,251487, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,177531, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,24, Private,53942, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,113481, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,361324, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,330087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,276221, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,121055, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,62, Private,118696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,289741, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,18, Private,238401, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,43, Private,262038, 5th-6th,3, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,35, Mexico +<=50K,62, Self-emp-not-inc,26911, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,66, United-States +<=50K,29, Private,161155, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Private,252519, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, Haiti +>50K,39, Private,43712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,69, ?,167826, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,188900, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,44, Private,120057, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,45, United-States +<=50K,25, Private,134113, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Local-gov,165822, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,17, Private,99161, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,41, Local-gov,74581, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,65, United-States +<=50K,19, Private,304643, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,57, Private,121821, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,25, Private,154863, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +>50K,37, Local-gov,365430, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,183111, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,50178, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,35, Private,186845, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,159908, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,162189, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,1831,0,40, Peru +<=50K,29, Private,128509, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,38, El-Salvador +<=50K,23, Private,143032, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,31, Private,382368, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,210013, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,293928, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,208503, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,10, United-States +>50K,37, State-gov,191841, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,8614,0,40, United-States +>50K,49, Self-emp-not-inc,355978, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,64, Local-gov,202738, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,37, Local-gov,144322, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +>50K,70, Self-emp-not-inc,155141, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2377,12, United-States +<=50K,22, Private,160120, 10th,6, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,29, Self-emp-inc,190450, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Germany +<=50K,37, Private,212900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,115677, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,252250, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,27, Private,212041, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,58, State-gov,198145, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,60, Local-gov,113658, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,20, Private,32426, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +>50K,51, Private,98791, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,203828, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,22, State-gov,186634, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,125147, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,26, Private,247455, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,5178,0,42, United-States +<=50K,19, Private,97215, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,37, Private,330826, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,27, Private,200802, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,156266, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,52, Self-emp-not-inc,72257, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,363087, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,25955, Some-college,10, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,334633, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,109162, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,44, Private,569761, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,209900, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,272986, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,8, United-States +<=50K,55, ?,52267, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +<=50K,46, Private,82946, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,104651, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,58441, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Local-gov,269733, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,128453, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,28, United-States +<=50K,36, Private,179468, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,183081, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,102938, Bachelors,13, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,30, ?,157289, 11th,7, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +>50K,24, Private,359828, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,30, Private,155659, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +>50K,24, Private,585203, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,45, United-States +<=50K,62, Private,173601, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,214541, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1590,40, United-States +>50K,49, Self-emp-not-inc,163352, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,85, United-States +<=50K,36, Self-emp-not-inc,153976, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,247676, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,45, United-States +<=50K,49, State-gov,155372, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,329733, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,162576, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,176520, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,53, United-States +<=50K,51, State-gov,226885, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,120781, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,375827, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Private,205504, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,198813, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +>50K,48, Self-emp-inc,254291, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,62, Private,159908, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,49, Private,40000, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4064,0,44, United-States +<=50K,69, Private,102874, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,35, Private,117381, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,45, United-States +<=50K,78, Private,180239, Masters,14, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +>50K,61, Private,539563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,261561, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,81057, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,160120, Bachelors,13, Married-civ-spouse, Sales, Husband, Other, Male,0,0,45, ? +<=50K,17, Private,41979, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,275110, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,80, United-States +<=50K,64, Private,265661, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,193246, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, France +<=50K,32, Private,236543, 12th,8, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,19, Private,29510, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,42, State-gov,105804, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,194604, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,1038553, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,45, United-States +<=50K,51, Local-gov,209320, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,3325,0,40, United-States +<=50K,31, Private,193231, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,3325,0,60, United-States +>50K,44, Private,307468, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,29, United-States +>50K,38, Private,255941, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,50, United-States +>50K,44, Local-gov,107845, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Female,0,0,56, United-States +<=50K,44, Self-emp-not-inc,567788, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,91857, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,36, Private,732569, 9th,5, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,86613, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,20, El-Salvador +<=50K,46, Private,35961, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,25, Germany +<=50K,47, Private,114754, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Private,235124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,99999,0,40, United-States +>50K,37, Local-gov,218490, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,35, United-States +<=50K,27, Private,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,43, Private,181015, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,50, United-States +>50K,44, Self-emp-not-inc,264740, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,381153, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +>50K,34, Private,189759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,39, Private,230467, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,1092,40, Germany +<=50K,36, Private,218542, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,57, Private,298507, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,78, Private,111189, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, Dominican-Republic +<=50K,24, Private,168997, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,168894, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,149809, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,344073, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,416165, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,36, Private,41490, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,40269, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,243256, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,42, Private,250536, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,21, Haiti +>50K,49, Federal-gov,105586, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,58, Private,51499, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,189878, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,179481, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,4650,0,44, United-States +<=50K,25, Private,299765, Some-college,10, Separated, Adm-clerical, Other-relative, Black, Female,0,0,40, Jamaica +>50K,45, Self-emp-inc,155664, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,30, Private,54608, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,174702, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,36, Self-emp-not-inc,285020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +<=50K,23, Private,201145, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Private,125796, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,35, Jamaica +<=50K,55, Private,249072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,99156, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, State-gov,94754, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, India +>50K,36, Private,111128, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,32, Local-gov,157887, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,74194, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Self-emp-inc,168191, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,28334, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,52, Private,84278, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, ? +<=50K,44, Private,721161, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Private,188069, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,145178, Some-college,10, Divorced, Craft-repair, Unmarried, Black, Female,0,0,30, United-States +<=50K,17, Private,52967, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,18, Private,177578, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,38, United-States +<=50K,30, Self-emp-inc,185384, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,66, Private,66008, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,50, England +<=50K,59, Private,329059, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Local-gov,348802, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,50, Private,34233, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,509629, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,27956, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,99, Philippines +>50K,44, Local-gov,83286, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,309098, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,188950, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,224217, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,222899, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,40, Self-emp-not-inc,123306, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,52, Federal-gov,279337, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,34, Private,347166, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Local-gov,251396, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Canada +<=50K,17, Self-emp-inc,143034, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,4, United-States +>50K,25, Private,57635, Assoc-voc,11, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +<=50K,35, Local-gov,162651, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, Puerto-Rico +>50K,63, Private,28334, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,84570, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,33, Private,181091, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, Iran +>50K,51, Local-gov,117496, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,64, State-gov,216160, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Columbia +<=50K,50, Self-emp-inc,204447, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,374969, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,56, United-States +<=50K,67, Private,35015, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,46, Private,179869, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,137733, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,193125, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,103649, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,56, State-gov,54260, Doctorate,16, Married-civ-spouse, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2885,0,40, China +>50K,29, Private,197932, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Mexico +<=50K,37, Private,249720, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,27, United-States +<=50K,55, Private,223613, 1st-4th,2, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,30, Cuba +<=50K,24, Private,259865, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,21, Private,301694, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Mexico +>50K,46, Self-emp-inc,276934, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,25, Private,395512, 12th,8, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0,0,40, Mexico +<=50K,40, Private,168071, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,28, United-States +<=50K,23, Private,45317, Some-college,10, Separated, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,311177, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,30, United-States +>50K,29, Self-emp-not-inc,190636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,1485,60, United-States +<=50K,59, Private,221336, 10th,6, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,18, Private,120691, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,35, ? +<=50K,28, Private,107389, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,32, United-States +<=50K,17, Private,293440, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,145409, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,213902, 5th-6th,3, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,63, Private,100099, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,191856, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,40, Local-gov,233891, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,61, Self-emp-not-inc,96073, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, England +<=50K,35, Private,474136, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1408,40, United-States +<=50K,43, Self-emp-not-inc,355856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +<=50K,20, ?,144685, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,1602,40, Taiwan +<=50K,48, Self-emp-not-inc,139212, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, State-gov,143931, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Federal-gov,160703, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,191291, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,68729, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1902,40, United-States +>50K,61, Private,119986, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,37, Private,227545, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +>50K,36, Private,32776, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,34, Private,228881, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Other, Male,0,0,40, United-States +<=50K,23, Private,84648, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,63, Federal-gov,101996, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, ?,68954, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,11, United-States +>50K,47, Local-gov,285060, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,41, United-States +>50K,55, Self-emp-inc,209569, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,31, Local-gov,331126, Bachelors,13, Never-married, Protective-serv, Own-child, Black, Male,0,0,48, United-States +<=50K,27, Private,279872, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,150560, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,14084,0,40, United-States +<=50K,28, Local-gov,185647, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,52, Private,128871, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,64, United-States +<=50K,31, Federal-gov,386331, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,53, Private,117814, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,43, Private,220609, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Local-gov,117022, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, Black, Male,0,0,40, United-States +>50K,50, Self-emp-inc,176751, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,80, United-States +<=50K,68, ?,76371, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,37, Private,80410, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,127202, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,121471, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,219086, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,59, Private,271571, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,241583, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,374253, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,30, Private,214993, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,199995, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,450924, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,3942,0,40, United-States +<=50K,29, Private,120359, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,93125, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,1424,0,24, United-States +<=50K,21, Private,187513, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,65, Private,243569, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +>50K,43, Private,295510, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,29732, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,32, Private,211743, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,37, Private,251396, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,64, Private,477697, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +>50K,49, Private,151584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,193882, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,117542, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,1409,0,15, United-States +>50K,34, Private,242460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,35, Private,411395, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,53, Private,191025, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,24, Private,154571, Assoc-voc,11, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,50, South +<=50K,31, Private,208657, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,29599, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,36, Private,423711, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,122000, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,37, Private,148581, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,222978, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,149118, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,218407, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, Cuba +>50K,47, Self-emp-not-inc,112200, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,10520,0,45, United-States +>50K,44, Private,85604, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,111232, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,99199, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,51, Private,199995, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,69, Private,122850, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,73, ?,90557, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,18, ?,271935, 11th,7, Never-married, ?, Other-relative, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,361497, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Local-gov,399020, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +>50K,33, Private,345277, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Federal-gov,55233, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,200515, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,188119, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,176683, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,22, Private,309178, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,40021, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,31, Self-emp-inc,49923, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,36635, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,25, United-States +>50K,43, Federal-gov,325706, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,33, Private,124407, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,301568, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,27, Private,339956, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,36, Private,176335, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,198452, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,63, Private,213945, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, Iran +>50K,48, Private,171807, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,56, United-States +<=50K,25, Private,362826, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,45, United-States +<=50K,41, Self-emp-not-inc,344329, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +<=50K,26, Private,137678, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,175424, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,33, State-gov,73296, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,1831,0,40, United-States +<=50K,30, State-gov,137613, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,17, Taiwan +<=50K,67, Self-emp-not-inc,354405, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,32, Private,130057, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Self-emp-not-inc,362883, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,49017, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,39, Private,149943, Masters,14, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,40, Self-emp-inc,99185, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,40, Private,294708, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,228238, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,28, Private,156819, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,36, United-States +>50K,47, Private,332727, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,289944, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Private,116103, HS-grad,9, Widowed, Exec-managerial, Other-relative, White, Male,914,0,40, United-States +<=50K,29, Private,24153, Some-college,10, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,40, Private,273425, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,231183, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,313930, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,26, Private,114483, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,162108, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,168807, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Local-gov,143828, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,9562,0,40, United-States +<=50K,73, Private,242769, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471,0,40, England +<=50K,46, Local-gov,111558, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,69770, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,291981, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,102460, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,151584, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,1876,40, United-States +<=50K,47, Local-gov,287320, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,115677, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,239632, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,409172, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,55, United-States +<=50K,20, Private,186849, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,28, Private,118861, 10th,6, Married-civ-spouse, Craft-repair, Wife, Other, Female,0,0,48, Guatemala +<=50K,26, Private,142689, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, ? +<=50K,41, State-gov,170924, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,274451, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,153489, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,186489, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,46, United-States +<=50K,18, Private,192409, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,55, State-gov,337599, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,195545, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,64, Private,61892, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Self-emp-not-inc,175697, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +>50K,38, Private,80303, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,419658, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,21, Private,319163, Some-college,10, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,37, Private,126743, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,53, Mexico +<=50K,39, Private,301568, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,120461, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,268145, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,54, Private,257337, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,213354, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,25, Private,303431, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,124963, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,158218, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,35, United-States +<=50K,27, State-gov,553473, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,48, United-States +<=50K,53, Private,46155, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +>50K,68, Private,138714, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,56, Private,231781, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,496414, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,24, Private,19410, HS-grad,9, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,48, United-States +<=50K,70, ?,28471, 9th,5, Widowed, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,24, Private,185821, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,74, ?,272667, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, ?,194031, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Local-gov,144995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,162494, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,19, United-States +<=50K,35, Private,171968, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,232569, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,161819, 11th,7, Separated, Adm-clerical, Unmarried, Black, Female,0,0,25, United-States +<=50K,18, Private,123343, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,105449, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Male,0,0,25, United-States +<=50K,49, Private,181717, Assoc-voc,11, Separated, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,45, Local-gov,102359, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,27, Private,72887, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Private,154571, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,35, Private,255191, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,174789, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,110402, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,208513, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,121904, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,28, Private,34335, HS-grad,9, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,14084,0,40, United-States +<=50K,49, Private,59380, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, ?,135285, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2603,32, United-States +<=50K,39, Self-emp-inc,126675, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,22, Private,217363, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,91836, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,184813, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,178142, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,49, Local-gov,102359, 9th,5, Widowed, Handlers-cleaners, Unmarried, White, Male,0,2231,40, United-States +>50K,33, Self-emp-inc,281832, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +<=50K,28, Private,96226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,195124, 7th-8th,4, Married-spouse-absent, Prof-specialty, Other-relative, White, Male,0,0,35, Puerto-Rico +<=50K,20, Private,56322, Some-college,10, Never-married, Other-service, Own-child, White, Male,2176,0,25, United-States +<=50K,50, Local-gov,97449, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,32, Private,339773, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,210926, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,199499, Assoc-voc,11, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Federal-gov,190729, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,191385, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,77, United-States +<=50K,61, Private,193479, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,43, Self-emp-not-inc,225165, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,346766, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, State-gov,152307, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,79990, 11th,7, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,42, Self-emp-not-inc,170649, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,197207, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,229732, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,52, Private,204402, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,85, United-States +>50K,36, Private,181065, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,38, Private,179579, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,50, Private,237729, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,2444,72, United-States +<=50K,23, ?,164574, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,71, Private,179574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,12, United-States +<=50K,27, Private,191782, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,30, United-States +<=50K,56, Private,146660, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Self-emp-not-inc,115945, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,210875, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,137898, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,28, Local-gov,216965, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,201554, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,15, United-States +<=50K,62, Private,57970, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,208378, 12th,8, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,61343, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,283872, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,20, United-States +<=50K,58, Private,225603, 9th,5, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,401333, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,278228, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,145377, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,120238, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Private,187215, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,36, United-States +<=50K,29, Self-emp-not-inc,144063, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,38, Private,238721, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,164920, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,152493, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,50, Private,92968, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,136836, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Federal-gov,216453, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,30, Private,349148, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,29, State-gov,309620, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, Taiwan +<=50K,22, State-gov,347803, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,20, United-States +<=50K,42, Private,85995, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,167428, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,164569, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,48, United-States +<=50K,42, Self-emp-not-inc,308279, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,21, United-States +<=50K,20, Private,56322, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,51, ?,203015, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,50, Private,211654, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,120126, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,239043, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,61, ?,179761, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,312017, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Germany +>50K,51, Private,257485, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,49243, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,229716, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,31, Private,341672, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,24, Private,32311, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,275236, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,400356, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,184596, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,3942,0,50, United-States +<=50K,18, Private,186909, HS-grad,9, Never-married, Sales, Other-relative, White, Female,1055,0,30, United-States +<=50K,43, Private,152420, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, United-States +>50K,43, State-gov,261929, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,25236,0,64, United-States +<=50K,21, Private,235442, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,161691, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, ?,173945, 11th,7, Married-civ-spouse, ?, Other-relative, White, Female,0,0,39, United-States +>50K,41, Private,355918, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,45, State-gov,198660, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,122649, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,28, Private,421967, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +>50K,50, Local-gov,259377, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,47, Private,74305, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,34340, 7th-8th,4, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Self-emp-not-inc,182752, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, Iran +<=50K,19, ?,48393, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,84, United-States +<=50K,45, Private,34248, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,186677, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,37, Private,167851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,146460, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,209650, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,18, Self-emp-not-inc,132986, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,94429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,252406, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,174592, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,151322, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,51, Private,37237, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,38, Private,101192, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, ?,152900, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,51, Private,94081, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,329408, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,106028, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,35, ?,164866, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,99, United-States +>50K,51, Self-emp-inc,167793, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,28, Private,138692, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,173968, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,228320, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,96585, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,42, Private,156580, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, Puerto-Rico +>50K,58, Private,210673, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,52, Local-gov,137753, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,20, United-States +<=50K,29, Private,29865, HS-grad,9, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,27, Private,196044, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,308995, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, Jamaica +>50K,59, Private,159008, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,20, United-States +<=50K,28, Private,362491, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,94395, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,320047, 10th,6, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,98535, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,183170, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,18, ?,331511, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,38, Private,195686, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,178244, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,127833, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,269722, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, State-gov,136819, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,205604, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, Mexico +<=50K,28, Private,132078, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,234880, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,24, Private,196816, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908,0,40, United-States +>50K,36, Private,237943, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,68, Self-emp-inc,140852, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,105614, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,83492, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,225772, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,37, Private,242713, 12th,8, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,60, Private,355865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,173316, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,35662, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,70, United-States +<=50K,17, Private,297246, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,9, United-States +<=50K,43, Private,108945, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,112158, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,26, ? +<=50K,21, Self-emp-not-inc,57298, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,42, Self-emp-not-inc,115323, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,7, ? +>50K,48, Self-emp-not-inc,164582, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,60, United-States +>50K,56, Private,295067, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,45, United-States +<=50K,21, Private,177265, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,28, Local-gov,336543, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +>50K,39, Self-emp-not-inc,52870, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,316820, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,38, Local-gov,200153, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,453067, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,51, Federal-gov,27166, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,299598, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,23, Private,122048, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,345277, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,113147, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,34007, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,255014, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,152667, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,231053, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +>50K,34, Private,103651, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,124137, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,198183, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,183627, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,48, Ireland +<=50K,19, Private,466458, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,45, Self-emp-not-inc,114396, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,42, Private,186376, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,72, Philippines +<=50K,32, Private,290964, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1590,40, United-States +<=50K,90, Self-emp-not-inc,282095, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,244974, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +>50K,34, Self-emp-not-inc,114691, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,107160, 12th,8, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Self-emp-not-inc,142573, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +<=50K,29, Private,203833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,47791, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,49, Private,133729, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,17, United-States +>50K,52, Self-emp-not-inc,135339, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,54, Private,135803, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,60, South +<=50K,31, Private,128591, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,133853, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, ?,137363, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,27, Self-emp-not-inc,243569, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,119156, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,391114, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,252506, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,34, State-gov,117503, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, Italy +<=50K,25, State-gov,117833, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,19, United-States +<=50K,39, Private,294183, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,394927, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,259323, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,21, ?,207988, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,35, United-States +<=50K,33, Private,96635, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,26, South +<=50K,27, Private,192283, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,38, United-States +<=50K,29, Private,214881, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, State-gov,167474, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,37, Private,110713, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,201204, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,197666, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,162002, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,31, Private,263561, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,45, United-States +<=50K,41, Private,224799, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,89942, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,238685, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,54, Private,38795, 9th,5, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,55, Private,90414, Bachelors,13, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0,0,55, Ireland +<=50K,21, Private,190805, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +>50K,52, Private,23780, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,19, Private,285263, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,177331, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,347530, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,59, Private,230039, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,625,38, United-States +<=50K,17, ?,210547, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,204752, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,32, United-States +>50K,74, Self-emp-not-inc,104001, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,253116, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,169037, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Self-emp-inc,202027, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,170099, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,212847, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,85, United-States +<=50K,50, State-gov,307392, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,233428, HS-grad,9, Divorced, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Private,355728, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,1980,45, England +>50K,52, Private,177995, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, Mexico +<=50K,24, Private,283613, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,56, Self-emp-inc,184598, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +>50K,27, Private,185647, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,192894, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +>50K,40, Self-emp-not-inc,284706, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,1977,60, United-States +<=50K,38, Private,179579, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,131679, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,132973, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,22, Private,154713, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,121718, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,30, Private,255279, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,55, Private,202559, Bachelors,13, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,35, Philippines +<=50K,25, Private,123095, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,1590,40, United-States +<=50K,32, Private,153326, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,28, Private,75695, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,33, Self-emp-inc,206609, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,234780, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Private,178778, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,171355, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +>50K,63, Federal-gov,95680, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +<=50K,39, Private,196673, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,5013,0,40, United-States +>50K,51, Federal-gov,73670, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,52, United-States +<=50K,67, Self-emp-not-inc,139960, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,397280, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, ? +<=50K,27, Private,60374, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,1594,26, United-States +>50K,54, Private,421561, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,59, Private,245196, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,27620, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,19, Private,187570, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,102884, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,228399, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,7, United-States +>50K,42, Private,340234, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,15024,0,40, United-States +<=50K,37, Private,176293, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,51, Local-gov,108435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,161187, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,2463,0,40, United-States +<=50K,23, Private,278391, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,157941, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,182866, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,69, Private,370888, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,2964,0,6, Germany +<=50K,30, Private,206512, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,33, Private,357954, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, India +<=50K,28, Private,189346, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,48, United-States +<=50K,45, Private,234652, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,25, Private,113436, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +>50K,37, Private,204145, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,157305, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,26, Private,104045, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,48, Private,280422, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,25, Peru +<=50K,64, Federal-gov,173754, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,211154, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,321435, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, State-gov,177083, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Private,178829, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +>50K,35, Federal-gov,287658, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,209894, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,334744, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,306967, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,35, Private,52187, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,101978, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, State-gov,483530, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,77357, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,149770, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,328606, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,14084,0,63, United-States +<=50K,70, ?,172652, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,46, Private,188293, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,116608, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,38, United-States +>50K,37, State-gov,348960, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,329530, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Mexico +<=50K,47, Local-gov,93476, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,35, Self-emp-not-inc,195744, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, Private,125833, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,18, State-gov,191117, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,54, Private,311020, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,210464, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,38, United-States +>50K,36, Private,135289, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,156266, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,23, Private,154210, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,14, Puerto-Rico +>50K,61, ?,160625, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,4386,0,15, United-States +<=50K,39, Self-emp-not-inc,331481, Bachelors,13, Divorced, Craft-repair, Not-in-family, Black, Male,0,1669,60, ? +>50K,33, Self-emp-not-inc,249249, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,261725, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,22, Private,239612, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,31, Self-emp-not-inc,226696, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,190330, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,44, Private,193755, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,73, Private,192740, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,44, Private,201924, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,35, Private,77146, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,126414, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, ? +<=50K,27, Private,43652, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Federal-gov,227244, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,50, United-States +>50K,29, Private,160731, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,287878, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,26, United-States +<=50K,50, Private,166758, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,183811, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829,0,40, United-States +<=50K,41, Self-emp-not-inc,254818, Masters,14, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, Peru +<=50K,19, ?,220517, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,45, Private,295046, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,190568, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,810,36, United-States +<=50K,42, State-gov,211915, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,33, Self-emp-not-inc,295621, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,25, United-States +>50K,32, Private,204567, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +>50K,42, Private,204235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,49, Private,186982, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,38, Private,133586, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,45, United-States +<=50K,38, Private,165930, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,164898, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,24, Private,278155, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Self-emp-not-inc,115705, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,150553, 9th,5, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,29, Private,185127, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,201595, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,44, Self-emp-inc,165815, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,96, United-States +<=50K,26, Private,102420, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, South +>50K,46, Local-gov,344172, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,49, United-States +<=50K,38, Private,222450, Some-college,10, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,212245, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,190625, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,203488, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,304260, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,31, Local-gov,243665, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,41, United-States +<=50K,26, Self-emp-not-inc,189238, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,4, Mexico +<=50K,42, Private,77373, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,410351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,36385, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,110150, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,198316, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,127772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,199058, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,285730, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,66, United-States +<=50K,25, Local-gov,334133, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,60, State-gov,97030, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, Private,67090, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,43, Private,397963, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,594,0,16, United-States +<=50K,46, Private,182533, Bachelors,13, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,19, Private,560804, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,56, Private,365050, 7th-8th,4, Never-married, Farming-fishing, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Private,110200, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,150025, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,39, Private,299828, 5th-6th,3, Separated, Sales, Unmarried, Black, Female,0,0,30, Puerto-Rico +<=50K,28, Private,109282, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,103435, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,34747, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,39, Private,137522, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,39, Private,286789, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,211032, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,67, ?,192916, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3818,0,11, United-States +<=50K,31, Private,219318, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,50, Private,112873, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,36069, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,46, United-States +>50K,48, Private,73434, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Germany +<=50K,51, Private,200576, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,172962, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,44006, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,234474, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,37, Private,212826, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,234901, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,200700, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,41258, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,51, Private,249644, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,60, ?,230165, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,351731, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,114765, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,349884, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,28, Self-emp-inc,204247, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,143392, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,37913, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Italy +<=50K,22, Self-emp-inc,150683, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,24, United-States +<=50K,27, Private,207611, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,52, United-States +<=50K,45, State-gov,319666, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,39, Private,155961, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Local-gov,117833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,63, ?,447079, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,15, United-States +>50K,24, Self-emp-inc,142404, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,155752, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, ?,252292, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,111450, 12th,8, Never-married, Other-service, Unmarried, Black, Male,0,0,38, United-States +<=50K,20, Private,528616, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,17, Self-emp-not-inc,228786, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,63, Self-emp-inc,80572, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,180271, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,65, United-States +>50K,51, Federal-gov,237819, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,157612, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,3325,0,45, United-States +<=50K,64, Private,379062, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,12, United-States +<=50K,17, Private,191910, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,45, Local-gov,326064, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,6497,0,35, United-States +<=50K,18, Private,312353, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,31, Local-gov,213307, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,209057, Bachelors,13, Married-spouse-absent, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,41, Private,340148, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,65, Private,154171, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,60, United-States +<=50K,27, Private,94064, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,119098, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,388496, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,8, Puerto-Rico +>50K,49, Private,181363, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,58, ?,210031, HS-grad,9, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +>50K,36, Private,206951, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +<=50K,25, Private,485496, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Private,210259, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,31, Private,118551, 9th,5, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,63, Private,180911, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,4386,0,37, United-States +<=50K,50, State-gov,242517, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,298113, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,277783, Masters,14, Never-married, Farming-fishing, Own-child, White, Male,0,0,99, United-States +<=50K,48, Private,155862, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Self-emp-not-inc,171924, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,243900, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,231160, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,31, Private,356882, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,38, Private,49020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,105460, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, England +>50K,56, Private,157749, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,131568, 7th-8th,4, Divorced, Transport-moving, Unmarried, White, Male,0,0,20, United-States +<=50K,46, Private,332355, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,39, Private,204501, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Local-gov,305767, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,31, Private,129761, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,130126, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +>50K,53, Private,102828, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,160984, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,18, ?,255282, 11th,7, Never-married, ?, Own-child, Black, Male,0,1602,48, United-States +<=50K,20, ?,346341, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,27, Private,285897, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,45, United-States +<=50K,31, Private,356689, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,192386, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,40, United-States +<=50K,46, Private,394860, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,113129, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,26, Private,55929, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,177018, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Private,161141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,309463, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,165468, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,24, Private,49218, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Self-emp-not-inc,119129, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2149,20, United-States +>50K,56, Self-emp-not-inc,162130, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,67, United-States +<=50K,39, Federal-gov,129573, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,40, United-States +<=50K,21, Private,306850, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,135296, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,2258,45, United-States +<=50K,43, Self-emp-not-inc,187322, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,45, United-States +<=50K,23, Private,55674, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,2907,0,40, United-States +<=50K,26, Private,148298, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Private,34845, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,200733, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +>50K,45, Private,191858, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,425528, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,70, United-States +>50K,35, Private,44780, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,20, United-States +<=50K,33, Private,125856, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,100508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,148294, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,39324, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,147397, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,46, Private,24728, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,48, United-States +<=50K,36, Private,177616, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,163826, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,199947, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Local-gov,386949, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Self-emp-inc,116133, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,57, United-States +<=50K,56, Self-emp-not-inc,196307, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,37, Private,177181, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,26, Private,324854, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,188505, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,23, State-gov,502316, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, State-gov,26892, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,102058, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,167728, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, Local-gov,233681, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,60, Private,26756, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,54, Private,101890, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,192337, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, England +>50K,47, Private,340982, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,3103,0,40, Philippines +>50K,49, State-gov,102308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,84747, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,20, Private,197752, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,66, Private,185336, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,22, ?,289984, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,25, United-States +>50K,51, Self-emp-not-inc,125417, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,278480, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,146412, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,193042, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,53956, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1980,56, United-States +>50K,90, Private,175491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,9386,0,50, Ecuador +<=50K,78, ?,33186, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,144154, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,194901, Prof-school,15, Divorced, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,35, Private,335777, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, Mexico +>50K,46, Private,139268, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,33887, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,24, Private,283613, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,141245, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Puerto-Rico +<=50K,49, Private,298130, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,186096, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,77, Private,187656, Some-college,10, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,20, United-States +>50K,46, Private,102308, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,56, United-States +<=50K,41, Private,124639, Some-college,10, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,388112, 1st-4th,2, Never-married, Farming-fishing, Unmarried, White, Male,0,0,77, Mexico +<=50K,21, Private,109952, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,164529, 12th,8, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,247750, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,23, State-gov,103588, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,38, Federal-gov,248919, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,40, United-States +<=50K,29, Self-emp-not-inc,178551, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,136137, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +>50K,47, Federal-gov,55377, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Local-gov,177728, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Local-gov,243580, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,21, ?,188535, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,63910, HS-grad,9, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,23, Private,219535, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,44, State-gov,180609, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,59313, Some-college,10, Separated, Other-service, Not-in-family, Black, Male,0,0,40, ? +<=50K,70, Private,170428, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,20, Puerto-Rico +>50K,51, Private,102615, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1977,40, United-States +<=50K,66, Private,193132, 9th,5, Separated, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,57, Self-emp-inc,124137, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,136629, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,148995, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, ?,203076, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,51, Private,63424, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,43, Private,241895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,266973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,188048, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,366929, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,33, Private,214129, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,250818, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Local-gov,240979, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,35, Private,98283, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,26, Private,104746, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,60, United-States +<=50K,39, Private,103710, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,24, Private,159580, Bachelors,13, Never-married, Other-service, Own-child, Black, Female,0,0,75, United-States +>50K,45, Private,117409, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,140001, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, State-gov,31650, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0,0,45, United-States +<=50K,35, State-gov,80771, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,66278, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,107801, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1617,25, United-States +<=50K,33, Private,206609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,282461, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,188246, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,279763, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,25, United-States +<=50K,44, Private,467799, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,137674, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,50, Private,158284, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,204219, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,28, State-gov,210498, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,60, Federal-gov,63526, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,38, Federal-gov,216924, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,372559, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,57, Federal-gov,199114, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,2258,40, United-States +>50K,50, Private,168539, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,189911, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Local-gov,61958, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,1424,0,6, United-States +>50K,51, State-gov,68898, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,2444,39, United-States +<=50K,42, Private,204450, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,53, Private,311350, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,113750, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,359591, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,132879, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,20, Private,301199, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,38, State-gov,267540, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +>50K,52, Private,185407, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, Poland +>50K,48, Self-emp-inc,191277, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,78980, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,241463, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,65, United-States +<=50K,47, Private,216999, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,33, Local-gov,120508, Bachelors,13, Divorced, Protective-serv, Unmarried, White, Female,0,0,60, Germany +<=50K,33, Private,122612, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Thailand +<=50K,20, Private,94057, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,41, State-gov,197558, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,351869, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1485,45, United-States +<=50K,54, Self-emp-not-inc,121761, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,36, Federal-gov,184556, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,268281, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,235646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,186909, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,62, Private,35783, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,188861, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,363591, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,469921, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,51150, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,174325, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,347530, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,50, Private,72351, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Local-gov,185129, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, ? +<=50K,36, Private,188571, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,255252, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,291951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,223046, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Local-gov,37937, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,43, United-States +<=50K,38, Private,295127, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,183801, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,14, United-States +<=50K,40, Private,116218, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,40, Private,143069, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Local-gov,235951, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,57, Private,112840, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,65, Local-gov,146454, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1648,4, Greece +<=50K,52, Federal-gov,43705, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,59, Private,122283, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,40, India +<=50K,18, Private,376647, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,2176,0,25, United-States +<=50K,48, Private,101299, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,96798, 5th-6th,3, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,194654, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,206889, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,226902, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,44, State-gov,150755, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,40, United-States +<=50K,24, Private,200679, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,50, United-States +<=50K,71, Private,183678, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +<=50K,17, Private,33138, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,57071, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,71, ?,35303, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,9386,0,30, United-States +<=50K,37, Private,188576, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,33, Private,169496, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,58124, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,356344, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,444134, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +<=50K,18, ?,340117, 11th,7, Never-married, ?, Unmarried, Black, Female,0,0,50, United-States +<=50K,34, Private,219619, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, ?,334585, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,27, Local-gov,331046, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,46, ?,443179, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,64, ?,239529, 11th,7, Widowed, ?, Not-in-family, White, Female,3674,0,35, United-States +<=50K,24, Private,100345, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,205653, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,33, Private,112383, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,21626, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,2202,0,56, United-States +<=50K,25, Private,135568, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,190532, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,53, Federal-gov,266598, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,116608, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,36, Private,353263, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,25, State-gov,157617, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Federal-gov,21698, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,77143, 12th,8, Separated, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,18, State-gov,342852, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,176602, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,146343, Some-college,10, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +>50K,68, ?,146645, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,20051,0,50, United-States +<=50K,33, Private,221966, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,2202,0,50, United-States +<=50K,22, Private,215546, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,50, State-gov,173020, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,247734, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,252202, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,497300, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,426431, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Federal-gov,162410, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,45, United-States +>50K,77, ?,143516, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,25, Private,190350, 10th,6, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,194504, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Federal-gov,110884, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, Private,187652, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,81400, 1st-4th,2, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, El-Salvador +<=50K,70, ?,97831, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,4, United-States +>50K,57, Private,180920, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,189186, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, ?,144172, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +>50K,36, Private,607848, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +<=50K,32, Private,207301, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,293073, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,210452, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,19, Private,41400, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,164170, Bachelors,13, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,20, Philippines +>50K,48, Private,112906, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,49, Self-emp-not-inc,126268, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,55, Private,208311, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,20, United-States +<=50K,61, Private,28291, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,82, United-States +>50K,42, Local-gov,121998, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,42, Federal-gov,31621, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,108386, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,134727, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,208391, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,112271, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,173350, Assoc-voc,11, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,243190, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, India +>50K,55, Private,185436, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,290409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,80058, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,48, United-States +>50K,56, Local-gov,370045, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,36936, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,40, United-States +<=50K,37, Private,231180, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,119793, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,60, United-States +<=50K,38, Private,102178, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,76, ?,135039, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,35, ?,317780, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,232840, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,35, Private,33975, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,256997, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,298301, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,310380, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,45, Local-gov,182100, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,501172, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,43, State-gov,143939, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,23, Private,85088, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +<=50K,25, Private,282313, 10th,6, Never-married, Handlers-cleaners, Own-child, Black, Male,0,1602,40, United-States +>50K,39, Private,230054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,236338, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +>50K,37, Private,321943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,218782, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0,0,40, United-States +<=50K,33, Private,191385, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +<=50K,45, Self-emp-inc,185497, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,70, ? +<=50K,28, Private,126129, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,199268, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,255693, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,34, Private,203488, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,41, Private,203233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,203836, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,36, Private,187847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,38, Private,116358, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Self-emp-inc,198660, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,72, United-States +<=50K,43, Self-emp-not-inc,89636, Bachelors,13, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,60, South +<=50K,49, Private,120629, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,26, Local-gov,150226, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,28, Private,137898, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,54, Self-emp-inc,146574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,88725, HS-grad,9, Never-married, Craft-repair, Not-in-family, Other, Female,0,0,40, ? +<=50K,24, Private,142022, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,23, Private,284898, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, United-States +<=50K,55, Local-gov,212448, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,203039, 9th,5, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,227489, HS-grad,9, Never-married, Tech-support, Other-relative, Black, Male,0,0,40, ? +<=50K,19, Private,105289, 10th,6, Never-married, Other-service, Other-relative, Black, Female,0,0,20, United-States +<=50K,28, ?,223745, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,242994, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,52, United-States +>50K,30, Private,196385, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,76, Private,116202, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,47, Private,140045, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,133503, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,2174,0,40, United-States +>50K,40, Private,226585, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,24, Private,85041, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,30, Private,162442, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,50, United-States +>50K,67, Private,279980, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,10605,0,10, United-States +<=50K,24, Private,216563, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,43, Local-gov,231964, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,263855, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,124915, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,178312, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,215862, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,21, State-gov,39236, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,58, Private,349910, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,52, Private,75839, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,176711, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,266525, Some-college,10, Never-married, Prof-specialty, Other-relative, Black, Female,594,0,20, United-States +<=50K,25, ?,34307, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,331776, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,111469, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, State-gov,198965, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,288185, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,198050, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,65, Private,242580, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,11678,0,50, United-States +<=50K,37, Private,173128, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,87905, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,10520,0,40, United-States +>50K,44, Private,173704, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Federal-gov,93225, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,38, Private,323269, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,158046, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,70, United-States +<=50K,32, Private,133503, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,172296, Some-college,10, Separated, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,39, ?,201105, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,176486, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,25, United-States +>50K,25, Self-emp-inc,182750, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,82497, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,47, Private,208872, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,145269, 11th,7, Divorced, Craft-repair, Not-in-family, White, Female,0,0,45, United-States +<=50K,25, Private,19214, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,149347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,68, ?,53850, 7th-8th,4, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,50, Private,158294, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,47, Private,152073, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,35, Private,189623, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,341368, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,201603, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,2176,0,40, United-States +>50K,35, Private,270572, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,285295, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,17, Private,126779, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,49, ?,202874, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, Columbia +<=50K,27, Private,373499, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,60, El-Salvador +<=50K,22, Private,244773, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,22, State-gov,96862, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,162632, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,2, United-States +>50K,51, Self-emp-not-inc,159755, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,37088, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,27, Private,335421, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Never-worked,188535, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, State-gov,349365, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,33002, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,32, Private,330715, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,45, Private,146857, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,35, Private,275522, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,80, United-States +<=50K,22, Private,43646, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,154548, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,28, Private,47907, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,238397, Bachelors,13, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,24, United-States +>50K,48, Local-gov,195949, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,22, ?,354351, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,349169, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,25, Private,158662, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,23, Local-gov,23438, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,107302, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,174196, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Local-gov,226871, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,124971, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,214061, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,441700, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,104892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,34, Private,234386, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Local-gov,188278, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,244395, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,30916, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,219565, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,377486, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,36, United-States +<=50K,42, Local-gov,137232, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,50, United-States +<=50K,53, Private,233369, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,71067, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,59, Private,195176, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,98639, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,183778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,123011, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,2559,50, United-States +<=50K,25, Private,164938, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,4416,0,40, United-States +<=50K,28, ?,147471, HS-grad,9, Divorced, ?, Own-child, White, Female,0,0,10, United-States +>50K,30, Private,206046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,46, Private,81497, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,48, United-States +<=50K,45, Private,189225, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,141264, Some-college,10, Never-married, Exec-managerial, Other-relative, Black, Female,0,0,40, United-States +<=50K,33, Private,97939, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,42, United-States +>50K,44, Private,160829, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,483822, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, El-Salvador +<=50K,48, State-gov,148738, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,289982, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Self-emp-not-inc,58702, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,50, United-States +<=50K,20, Private,146706, Some-college,10, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,30, United-States +<=50K,23, Private,420973, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,71, Private,124959, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, State-gov,121471, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,198237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,27, Private,280758, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +<=50K,40, Private,191544, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,261023, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,50, United-States +<=50K,30, State-gov,231043, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,340917, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,167140, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +<=50K,39, Private,370795, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Federal-gov,209609, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,74, Private,209454, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,32, Self-emp-inc,78530, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,25, Private,88922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,64, Private,86972, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,165468, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +>50K,37, Private,134367, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,37, United-States +>50K,47, Private,199058, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,183612, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,40, Private,191982, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,514033, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,80, United-States +<=50K,56, Private,172364, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,190105, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,55, United-States +<=50K,30, Self-emp-inc,119422, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,20, Private,236592, 12th,8, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, Italy +>50K,53, State-gov,43952, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,38, United-States +>50K,43, Private,194636, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,235853, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,150528, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,213722, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,41432, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,46, United-States +<=50K,22, Private,285775, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,470663, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Self-emp-not-inc,114520, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,113466, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,224559, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,186385, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,167094, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,216508, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,41, Local-gov,384236, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,181265, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,58, Private,190997, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,98287, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,39, Private,103456, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,184723, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1980,35, United-States +<=50K,25, Private,165622, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,29, Private,101597, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,54, United-States +<=50K,53, Private,146378, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,152163, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,106812, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,148211, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,3674,0,50, United-States +>50K,45, Private,187581, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,135296, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,72, Local-gov,144515, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1258,40, United-States +<=50K,51, Private,210736, 10th,6, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,210165, 9th,5, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,224584, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,80771, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,164733, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,41, United-States +>50K,31, Self-emp-not-inc,119411, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,68, Local-gov,177596, 10th,6, Separated, Other-service, Not-in-family, Black, Female,0,0,90, United-States +<=50K,43, ?,396116, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,185251, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,173590, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,3, United-States +>50K,56, Federal-gov,196307, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,293091, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,12, United-States +>50K,36, Private,175232, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,21, Private,51047, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,21, Private,334618, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Female,99999,0,40, United-States +<=50K,52, Local-gov,152795, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,205601, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +>50K,52, Private,129177, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,2824,20, United-States +<=50K,51, Self-emp-not-inc,121548, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,29, Private,244566, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,75073, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,55, United-States +<=50K,29, Private,179008, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,170800, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,58, Private,373344, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,127961, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,99392, Some-college,10, Divorced, Craft-repair, Not-in-family, Black, Female,0,0,45, United-States +<=50K,30, Private,392812, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, Germany +<=50K,29, Private,262478, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,30, United-States +<=50K,48, Self-emp-not-inc,32825, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,167380, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,39, Private,203204, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +<=50K,35, Federal-gov,105138, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,54, Private,145714, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,25, United-States +<=50K,24, Private,182276, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,20, Private,275385, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,45, United-States +>50K,30, Self-emp-not-inc,292472, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,55, United-States +<=50K,19, Self-emp-not-inc,73514, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,26, Private,199600, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Private,111499, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,99, United-States +<=50K,25, Private,202560, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,99309, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +>50K,60, Local-gov,124987, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,287986, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,119411, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,198668, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,117583, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,234664, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,114357, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,176949, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,33, Private,189710, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +<=50K,65, Private,205309, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, United-States +>50K,34, Private,195576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,216825, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, Mexico +<=50K,23, ?,329174, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,197036, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,181291, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1564,50, United-States +<=50K,31, Private,206512, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,28, State-gov,38309, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,6849,0,40, United-States +<=50K,37, Private,312766, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,139671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,66, Federal-gov,38621, Assoc-voc,11, Widowed, Other-service, Unmarried, Black, Female,3273,0,40, United-States +<=50K,31, Private,124827, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,77820, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Federal-gov,56904, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,45, United-States +<=50K,45, Private,190115, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,44, Private,106682, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,32, Local-gov,42596, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,143058, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,102615, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, Canada +>50K,54, Private,139703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, Germany +<=50K,43, Private,240124, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,132565, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,49, Private,323798, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,3325,0,50, United-States +>50K,52, Private,96359, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,20, Private,165201, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,4, United-States +>50K,60, Federal-gov,165630, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +<=50K,45, Private,264526, Assoc-acdm,12, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,102359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,28, Private,37359, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,61, ?,232618, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,115497, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,157747, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,27, Self-emp-not-inc,41099, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,472604, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,33, Private,348618, 5th-6th,3, Married-spouse-absent, Transport-moving, Unmarried, Other, Male,0,0,20, El-Salvador +>50K,43, Private,135606, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,248445, HS-grad,9, Separated, Transport-moving, Other-relative, White, Male,0,0,60, Mexico +<=50K,38, Private,112093, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,197552, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,303822, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,288566, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,55, ?,487411, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,43348, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,39, State-gov,239409, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,337606, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1485,40, United-States +<=50K,34, Private,32528, Assoc-voc,11, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,974,40, United-States +>50K,47, State-gov,118447, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,234690, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,141003, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,43, Private,216042, Some-college,10, Divorced, Tech-support, Own-child, White, Female,0,1617,72, United-States +<=50K,45, Private,190482, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,55, Private,381965, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,68, Private,186943, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,39, Private,142707, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,53447, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,127772, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,344414, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,194138, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,49, ?,558183, Assoc-voc,11, Married-spouse-absent, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,150154, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,306114, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,72, ?,177121, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +>50K,58, Local-gov,368797, Masters,14, Widowed, Prof-specialty, Unmarried, White, Male,0,0,35, United-States +<=50K,43, Self-emp-inc,175715, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,55, United-States +<=50K,62, Private,416829, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,21, United-States +<=50K,21, Private,350001, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,339952, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,114967, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,164190, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,38, United-States +<=50K,49, Local-gov,166039, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,250135, HS-grad,9, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,234960, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1887,48, United-States +>50K,29, Private,103628, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,58, Private,430005, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,45, Self-emp-inc,106517, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,162236, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,92430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,40641, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,47, Private,169388, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,15, United-States +>50K,36, Local-gov,410034, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,48, Private,237525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,65, United-States +>50K,35, Private,150057, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Private,148549, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,43, Private,75742, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,33, Private,177675, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,49, Local-gov,193249, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,266072, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,20, El-Salvador +<=50K,28, ?,80165, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,339324, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, ?,111238, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,41, Self-emp-not-inc,284086, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,31, Private,206051, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,57, Private,426263, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,49, Private,102583, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,44, United-States +>50K,40, Private,277647, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Private,124808, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, Germany +<=50K,47, Private,193061, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, Private,121411, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,89202, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,17, Private,232900, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,30, Local-gov,319280, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,79, ?,165209, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,42, Private,193494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,195066, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,36, Private,99146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,35, Private,92028, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,174419, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,57916, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,383384, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,198223, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +<=50K,20, Private,109813, 11th,7, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,17, Private,174298, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,40, Private,45687, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,4787,0,50, United-States +>50K,28, Private,263614, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,96128, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,220262, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,35340, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,280483, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Self-emp-inc,254211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,29, Private,351324, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,58602, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,37, Private,64922, Bachelors,13, Separated, Other-service, Not-in-family, White, Male,0,0,70, England +<=50K,41, Federal-gov,185616, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1980,40, United-States +>50K,43, Private,185832, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,254767, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105,0,50, United-States +<=50K,39, Federal-gov,32312, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,47, Self-emp-not-inc,109421, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,183205, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,39, Private,156897, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,2258,42, United-States +<=50K,48, Local-gov,145886, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +>50K,47, Local-gov,29819, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,50, United-States +<=50K,27, Private,244566, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,253801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Ecuador +<=50K,22, Private,181313, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,37, State-gov,150566, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,38, Private,237713, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,112137, Preschool,1, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,4508,0,40, Cambodia +<=50K,48, Local-gov,187969, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,80, United-States +<=50K,46, Self-emp-not-inc,224108, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,51, Private,174754, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +<=50K,28, Self-emp-inc,219705, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,55, United-States +<=50K,35, Private,167062, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,190325, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,108859, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,344351, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,73, Private,153127, Some-college,10, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,10, United-States +<=50K,52, Private,180881, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,183066, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,29, Federal-gov,339002, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,185480, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, ? +<=50K,20, Private,172047, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,42, Private,94600, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,37, Private,302604, Some-college,10, Separated, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,40, Private,248094, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,32, Private,36467, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,29, Private,53181, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,181032, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,26, Private,248990, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,40512, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,3674,0,30, United-States +>50K,37, Private,117381, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,80, United-States +<=50K,18, ?,173125, 12th,8, Never-married, ?, Own-child, White, Female,0,0,24, United-States +<=50K,33, ?,316663, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,50, United-States +<=50K,26, Private,154966, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,24, Private,198259, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,167939, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,131275, HS-grad,9, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, ?,236523, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,272950, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Private,174503, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,116800, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +>50K,38, Private,110713, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,202044, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,44, Private,300528, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,54985, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,57, Private,133126, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Private,74593, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,44, Private,302424, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,55, United-States +<=50K,21, Private,344492, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,31, Private,349148, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,222221, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,42, United-States +>50K,45, Private,234699, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,60, United-States +<=50K,20, Local-gov,243178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,189728, HS-grad,9, Separated, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Self-emp-not-inc,318593, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,41, Private,108681, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,40, Private,187376, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,41, State-gov,75409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,46, Private,172581, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,49, Private,266150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,65, Private,271092, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, ? +<=50K,50, Private,135643, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,40, China +>50K,59, Private,46466, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,130652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,47, Local-gov,114459, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +>50K,47, ?,109832, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,5178,0,30, Canada +>50K,45, Private,195554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,244589, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,45, Self-emp-inc,271901, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,73, Private,139978, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,180446, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,64, ?,178724, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,38, State-gov,341643, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,37, Federal-gov,289653, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,62, Self-emp-inc,118725, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051,0,72, United-States +<=50K,26, Private,187891, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, Self-emp-inc,116338, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,46, Private,102771, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +>50K,51, Private,89652, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,4787,0,24, United-States +<=50K,54, Federal-gov,439608, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,330144, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,251905, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,218955, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,188972, Doctorate,16, Separated, Prof-specialty, Unmarried, White, Female,0,0,10, Canada +>50K,60, Self-emp-not-inc,25825, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,202046, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,2001,40, United-States +<=50K,62, Private,116104, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, Germany +<=50K,20, Private,194891, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,125550, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,14084,0,35, United-States +<=50K,66, Private,116468, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,2936,0,20, United-States +<=50K,32, ?,285131, Assoc-acdm,12, Never-married, ?, Unmarried, White, Male,0,0,20, United-States +<=50K,29, State-gov,409201, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,70, Self-emp-inc,379819, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,10566,0,40, United-States +<=50K,74, Private,97167, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +<=50K,37, Local-gov,244803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,51, Self-emp-not-inc,115851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,118058, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,42, Private,258589, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,26, Private,158810, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +>50K,27, Local-gov,92431, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,2231,40, United-States +<=50K,58, Self-emp-not-inc,165695, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,30, ?,97281, Some-college,10, Separated, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,244147, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,50, United-States +>50K,66, Self-emp-inc,253741, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1825,10, United-States +<=50K,23, Private,170482, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,35, Private,241001, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,50, Private,165001, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, ?,297117, 11th,7, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,340260, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,48, United-States +<=50K,31, Private,96480, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,185177, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,49, United-States +>50K,84, Self-emp-inc,172907, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,35, Self-emp-not-inc,308874, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,54098, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,288608, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Local-gov,254148, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,37, Private,111128, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,171116, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,53, Self-emp-inc,96062, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,48, United-States +>50K,27, Federal-gov,276776, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,152878, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,149211, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,58343, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,127601, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,35, United-States +<=50K,29, Private,357781, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,137367, Some-college,10, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0,0,44, Philippines +<=50K,34, Private,110978, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,31, Private,34503, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,84119, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,20, Private,223515, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,372525, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,48, United-States +<=50K,32, Private,116365, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,36, Private,111268, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,225599, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298,0,40, India +<=50K,78, ?,83511, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Portugal +<=50K,46, Self-emp-not-inc,199596, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,18, Private,301867, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,57, Private,191983, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,105803, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,43, Private,456236, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,116255, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,235109, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,91716, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,121102, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,2001,30, United-States +<=50K,70, Private,235781, Some-college,10, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,40, Private,136986, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-not-inc,33658, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,53878, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,29, Private,200928, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,173736, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Private,214385, Assoc-voc,11, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,58, Private,102509, 10th,6, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,50, United-States +<=50K,38, Private,173047, Bachelors,13, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,213,40, Philippines +<=50K,59, Self-emp-not-inc,241297, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Female,6849,0,40, United-States +<=50K,18, Private,329054, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,40, Private,274158, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,241153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, Private,200117, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1887,50, ? +<=50K,45, Private,229516, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,72, Mexico +<=50K,62, ?,250091, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,5, United-States +<=50K,24, State-gov,247075, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Private,315524, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,30, Dominican-Republic +<=50K,23, Private,126945, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,29874, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,115579, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +>50K,51, Private,29580, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,4386,0,30, United-States +<=50K,44, Private,56483, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +<=50K,73, ?,89852, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Portugal +<=50K,24, Private,420779, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,35, United-States +<=50K,24, Private,255474, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,241444, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,50, Puerto-Rico +<=50K,43, Private,85995, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,116986, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,31, Private,217962, 12th,8, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, ? +>50K,36, Private,20507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,43, Private,184099, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,117816, 7th-8th,4, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,70, United-States +<=50K,23, Private,263899, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, Haiti +<=50K,26, Private,45869, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,186539, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,326310, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,55, Local-gov,84564, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +>50K,49, Private,247294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,72793, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,29, Private,261375, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,60, United-States +<=50K,50, Private,77905, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,19, Private,66838, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,9, United-States +>50K,63, State-gov,194682, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,66, Private,180211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,65, ?,79272, Some-college,10, Widowed, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,6, United-States +<=50K,60, Private,101198, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,60, Private,80574, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,19, Private,198663, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,160340, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,75, Self-emp-not-inc,205860, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1735,40, United-States +<=50K,58, State-gov,69579, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, Self-emp-not-inc,379242, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,65, Private,113323, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818,0,40, United-States +>50K,50, Self-emp-not-inc,312477, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,259505, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,45, Federal-gov,171335, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,541282, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,29, Federal-gov,155970, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,52, Private,99682, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,52, Canada +<=50K,23, Private,117789, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,296158, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,48, Local-gov,78859, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,59, ?,188070, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,50, Private,189811, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,518030, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,1590,40, Puerto-Rico +<=50K,32, Private,360593, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,40, Private,145504, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,459248, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,30, ?,288419, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +<=50K,42, State-gov,126094, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Male,0,0,39, United-States +<=50K,23, Private,209483, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +>50K,37, Self-emp-not-inc,32239, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,27828,0,40, United-States +<=50K,21, Private,210355, 11th,7, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,24, United-States +>50K,28, Private,84547, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,50, ?,260579, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,105585, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,21, Private,132320, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,21, Private,129172, Some-college,10, Never-married, Other-service, Other-relative, White, Male,0,0,16, United-States +<=50K,45, Self-emp-not-inc,222374, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-inc,201498, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,251675, Some-college,10, Divorced, Sales, Not-in-family, White, Male,8614,0,50, Cuba +<=50K,41, Private,114157, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,48, Local-gov,148121, Bachelors,13, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,73, ?,84053, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Private,96480, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,179423, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, State-gov,123329, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +>50K,41, Private,134130, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,188644, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,40, Private,226388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,28, Self-emp-not-inc,209205, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,32, Private,209808, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,47, United-States +<=50K,44, Self-emp-inc,56236, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,2202,0,45, United-States +<=50K,18, Private,28648, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,37, State-gov,34996, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,281422, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,45, United-States +<=50K,22, Private,214716, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,314177, 10th,6, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,51, Private,112310, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,63, Private,203783, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,72, United-States +<=50K,29, Private,205499, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,44, Private,145441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,48, United-States +<=50K,44, Private,155701, 7th-8th,4, Separated, Other-service, Unmarried, White, Female,0,0,38, Peru +<=50K,37, State-gov,186934, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,62, Federal-gov,209433, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,20, Private,102607, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,254809, 10th,6, Divorced, Machine-op-inspct, Unmarried, White, Female,0,1594,32, United-States +<=50K,24, Self-emp-not-inc,102942, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, State-gov,175057, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,68781, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,108594, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,98283, Prof-school,15, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,1564,40, India +<=50K,39, Private,56269, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,152503, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,45, United-States +<=50K,38, Self-emp-inc,206951, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,82393, 9th,5, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,20, Philippines +<=50K,37, Private,167396, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Guatemala +<=50K,30, Self-emp-not-inc,123397, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,58, ?,147653, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,36, United-States +<=50K,42, Private,118652, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,114401, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,1504,19, United-States +>50K,45, Private,186272, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298,0,40, United-States +<=50K,46, Private,182689, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,231016, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,37, United-States +<=50K,41, Self-emp-inc,60949, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +>50K,49, Private,129513, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,84306, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,117507, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,88050, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,6, United-States +<=50K,22, Private,305498, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,33, United-States +<=50K,17, Private,295308, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,20, United-States +>50K,47, Private,114459, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,176017, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +<=50K,39, Private,248445, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,214542, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,384508, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Federal-gov,403489, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,52, Private,143953, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,21, Private,254904, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +<=50K,33, Private,98995, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,36, United-States +<=50K,17, ?,237078, 11th,7, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,41, Private,193995, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,19, Private,205829, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,38, Federal-gov,205852, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,37072, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,275338, Bachelors,13, Divorced, Sales, Unmarried, White, Female,1151,0,40, United-States +>50K,39, State-gov,122353, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,100009, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,31, ?,37030, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,42, Private,135056, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,135162, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,45, ? +<=50K,29, Private,280618, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,226717, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,47, Local-gov,173938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,291355, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +>50K,61, Federal-gov,160155, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,29762, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, ?,82473, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,59, Private,172071, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,38, Jamaica +<=50K,29, Private,166210, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,330263, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,247043, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,56, Federal-gov,155238, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,130557, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,56986, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,29, Private,220692, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,121650, 5th-6th,3, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,67, Private,174603, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,341846, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,99339, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,880,40, United-States +<=50K,32, Private,34437, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,141058, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,62, Mexico +<=50K,49, Private,192323, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,117674, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,39, Private,28572, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,120277, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,164309, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,47, Federal-gov,102771, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,147951, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,1, United-States +<=50K,23, Private,188409, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,4508,0,25, United-States +>50K,44, Private,173888, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,25, Private,247006, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,82889, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +>50K,52, Private,259363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,62, Federal-gov,159165, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,31, Private,112062, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,299050, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, ?,186452, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,53, Private,548580, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +<=50K,25, Private,234057, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,241350, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Private,108196, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,2993,0,40, United-States +>50K,49, Private,278322, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,157443, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,27, Taiwan +>50K,44, Self-emp-not-inc,37618, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,56, Local-gov,238582, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,37, State-gov,28887, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,77820, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,110946, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Local-gov,230420, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,206521, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, ?,156877, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Local-gov,283227, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,28, Private,141957, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,58337, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,35, ? +<=50K,73, Local-gov,161027, 5th-6th,3, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,20, United-States +<=50K,37, Self-emp-not-inc,31670, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,205844, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Female,0,0,65, United-States +<=50K,30, State-gov,46144, HS-grad,9, Married-AF-spouse, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,38, Private,168055, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,50, Private,98350, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,69, ?,182668, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +>50K,43, Private,208613, Prof-school,15, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,99999,0,40, United-States +<=50K,42, Private,334522, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,54, State-gov,187686, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,27, State-gov,365916, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,58, United-States +<=50K,39, Private,190719, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,218184, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,30, Private,222162, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,66, United-States +<=50K,30, Private,148524, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2057,40, United-States +<=50K,37, Private,267085, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Federal-gov,307555, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,229180, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, Cuba +<=50K,22, Private,279041, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,10, United-States +<=50K,21, Private,312017, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,54782, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1579,42, United-States +<=50K,76, Private,70697, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,22, ?,263970, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,28, United-States +<=50K,37, Private,188774, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,302770, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,183639, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,97, United-States +<=50K,29, Private,178551, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,175343, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,190078, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,43, Private,117627, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,39, Private,108419, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,183701, 10th,6, Widowed, Other-service, Not-in-family, Black, Female,0,0,6, United-States +<=50K,27, State-gov,208406, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,148884, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,90, Private,87285, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,47, Private,199058, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,42, Private,173628, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,370837, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,179484, 12th,8, Never-married, ?, Own-child, Other, Male,0,0,40, United-States +<=50K,23, Private,342769, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,44, Local-gov,65145, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,41, Private,150533, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2829,0,40, United-States +<=50K,47, Local-gov,272182, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Private,403467, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,40, United-States +<=50K,33, Private,252168, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,80430, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Private,189623, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,60, United-States +>50K,43, Private,115806, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,2547,40, United-States +<=50K,18, ?,28357, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,226084, HS-grad,9, Widowed, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,150817, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,27, Self-emp-inc,190911, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +>50K,27, Self-emp-inc,120126, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +<=50K,45, Local-gov,255559, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,79, ?,142370, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,24, Private,173679, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,25, Private,35854, Some-college,10, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,82161, 10th,6, Widowed, Transport-moving, Unmarried, White, Male,0,0,35, United-States +<=50K,63, Self-emp-not-inc,129845, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,226505, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,46, United-States +>50K,47, Private,151584, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +>50K,42, Private,136419, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,66460, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,63, Local-gov,379940, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,102936, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,65, Private,205309, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +<=50K,30, ?,156890, 10th,6, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +>50K,62, Private,208711, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,137547, HS-grad,9, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,23, Private,220168, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,25, Jamaica +<=50K,47, Local-gov,37672, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,20, Private,196643, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,21, ?,355686, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,28, Private,197484, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,61, Local-gov,115023, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,30, State-gov,234824, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,72, United-States +>50K,30, State-gov,361497, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,29, Private,351871, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,324231, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,123490, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,32, Private,188245, 11th,7, Never-married, Priv-house-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, Private,50349, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,19, Self-emp-not-inc,47176, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,15, United-States +>50K,57, State-gov,290661, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,41, Private,221172, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,188950, Assoc-voc,11, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,356882, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,43, Self-emp-inc,150533, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,64, Self-emp-not-inc,167149, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,56, Private,301835, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,313729, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,130957, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,197732, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,17, Private,250541, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,29, Private,218785, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,65, United-States +<=50K,23, ?,232512, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,194630, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,38721, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,22, United-States +>50K,36, Private,201519, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,50, Private,279337, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +>50K,41, ?,27187, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,2415,12, United-States +<=50K,31, Private,87560, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,50, United-States +<=50K,71, ?,100820, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2489,15, United-States +<=50K,56, Private,208431, Some-college,10, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,32, United-States +>50K,51, Private,143822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,20, Private,163205, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,53, Private,171924, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,14344,0,55, United-States +<=50K,33, State-gov,137616, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,35, United-States +<=50K,27, Private,156516, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,2377,20, United-States +>50K,40, Private,119101, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,45, Private,117556, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,32, United-States +<=50K,54, Private,147863, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,5013,0,40, Vietnam +<=50K,33, Self-emp-not-inc,24504, HS-grad,9, Separated, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,27, ?,157624, HS-grad,9, Separated, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,36, Private,181721, 10th,6, Never-married, Farming-fishing, Own-child, Black, Male,0,0,60, United-States +>50K,42, Local-gov,55363, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,92865, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,258633, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, ? +>50K,52, Federal-gov,221532, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,41, Local-gov,183224, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,30, Private,381153, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,300871, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,33710, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,60, United-States +<=50K,26, Private,158333, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Columbia +<=50K,36, Private,288103, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,108907, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,46, Private,358533, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,126613, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,8, United-States +>50K,30, Private,164190, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,52, United-States +<=50K,38, Private,199816, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,98228, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,41, Local-gov,129060, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,22245, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,226918, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,48, United-States +>50K,47, Private,398652, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,59, Private,268840, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,16, United-States +<=50K,35, ?,103710, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,16, ? +>50K,59, Private,91384, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,52, Private,174767, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,37, Self-emp-inc,126675, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,82285, Bachelors,13, Married-spouse-absent, Other-service, Other-relative, Black, Female,0,0,40, Haiti +>50K,51, Private,177727, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,67, Self-emp-not-inc,345236, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,58, ?,347692, 11th,7, Divorced, ?, Not-in-family, Black, Male,0,0,15, United-States +<=50K,68, Private,156000, 10th,6, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,71, Private,228806, 9th,5, Divorced, Priv-house-serv, Not-in-family, Black, Female,0,0,6, United-States +<=50K,49, Local-gov,184428, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,102938, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,161063, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,253752, 10th,6, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,274800, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,129804, 9th,5, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,22, Federal-gov,65547, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, United-States +<=50K,57, Private,161097, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,26, United-States +<=50K,18, Private,118376, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,32, Private,131224, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,120985, HS-grad,9, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,215392, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,63685, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, Cambodia +>50K,48, Private,131826, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,39, Private,211440, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,31023, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,145439, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Other, Male,4064,0,40, Mexico +<=50K,19, Private,255161, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,411950, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,275818, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,1974,40, United-States +<=50K,18, Private,318082, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,23, Local-gov,287988, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Local-gov,138342, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,3411,0,40, El-Salvador +<=50K,42, Federal-gov,115932, Bachelors,13, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,60358, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,140117, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,34, Private,158040, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,30, Self-emp-inc,321990, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, ? +<=50K,29, Private,232784, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,349368, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Federal-gov,325573, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Private,140176, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +>50K,50, Private,128478, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,318264, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,59, Private,147989, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +>50K,45, Federal-gov,155659, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,288433, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Federal-gov,329205, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,64, Private,171373, 11th,7, Widowed, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,228860, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,196116, Prof-school,15, Divorced, Prof-specialty, Own-child, White, Female,2174,0,72, United-States +<=50K,17, Private,47771, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,201680, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,60, United-States +<=50K,28, Private,337378, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,246449, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,3325,0,50, United-States +<=50K,48, Private,227714, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,177285, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,38, United-States +<=50K,38, Private,71701, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, Portugal +<=50K,49, Private,30219, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1669,40, United-States +>50K,42, Private,280167, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,27408, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,167031, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Columbia +<=50K,41, Private,173682, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,278557, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,113688, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,41, Self-emp-not-inc,252986, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,33669, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,56, Private,100776, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,47, Self-emp-not-inc,177457, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,30, State-gov,312767, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Private,43354, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Self-emp-inc,375422, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, South +>50K,49, Self-emp-not-inc,263568, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,67, ?,74335, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,10, Germany +<=50K,26, Private,302097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,48, United-States +<=50K,35, Private,248010, Bachelors,13, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,37, ?,87369, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,405577, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, State-gov,167065, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,102476, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,526528, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,3887,0,40, United-States +<=50K,32, Private,175878, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,55, Private,213894, 11th,7, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,150262, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,75363, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,272671, Bachelors,13, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +>50K,67, Self-emp-inc,411007, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,15831,0,40, United-States +<=50K,44, Private,222434, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,26, Private,180246, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,25, Private,171236, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,367037, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,304651, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,97017, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,146879, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,2001,40, United-States +<=50K,45, State-gov,320818, Some-college,10, Married-spouse-absent, Other-service, Other-relative, Black, Male,0,0,40, Haiti +>50K,47, Self-emp-not-inc,84735, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,49, Private,184428, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,326886, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,169624, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,37, United-States +<=50K,29, Private,212102, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,23, Private,175837, 11th,7, Never-married, Farming-fishing, Other-relative, White, Female,0,0,40, Puerto-Rico +<=50K,50, Private,177487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,286750, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1902,40, United-States +>50K,44, Private,171424, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,194981, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,36, United-States +<=50K,73, Private,199362, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,204226, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, State-gov,72506, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,61, Self-emp-inc,61040, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,36, United-States +<=50K,37, Federal-gov,194630, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,391867, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,94080, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,289405, 11th,7, Never-married, Machine-op-inspct, Own-child, Other, Male,0,0,12, United-States +<=50K,30, Private,170130, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,158118, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1719,40, United-States +<=50K,30, Private,447739, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,90, ?,39824, HS-grad,9, Widowed, ?, Not-in-family, White, Male,401,0,4, United-States +<=50K,76, ?,312500, 5th-6th,3, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,223342, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1504,35, United-States +<=50K,65, ?,293385, Preschool,1, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +<=50K,25, Private,106377, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,66118, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,274883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,123773, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Local-gov,70655, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,49, Private,177426, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,37, Private,200374, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,19, State-gov,159269, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,235894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,34, Local-gov,97723, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,167309, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,98106, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Federal-gov,22201, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,45, Private,108993, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,265954, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,100960, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,170092, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,54, Private,326156, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,216932, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,69, Private,36956, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,50, United-States +<=50K,24, Private,214014, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,99872, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,61, State-gov,151459, 10th,6, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +>50K,57, Self-emp-inc,161662, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,56, Private,367200, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,35, Private,86648, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +>50K,51, Local-gov,168539, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,140741, 11th,7, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,25, Private,197651, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,43, United-States +>50K,46, Private,123053, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +<=50K,23, Private,330571, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,44, Private,204235, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,346766, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, ?,257250, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,163396, Some-college,10, Never-married, Tech-support, Not-in-family, Other, Female,0,0,40, United-States +<=50K,78, ?,135839, HS-grad,9, Widowed, ?, Not-in-family, White, Female,1086,0,20, United-States +<=50K,18, Private,36251, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,40, Private,149102, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,2174,0,60, Poland +<=50K,61, ?,222395, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,29152, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,79303, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,272338, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,55, State-gov,200497, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,148392, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,31, Private,164243, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +>50K,43, State-gov,129298, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,174981, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,47, United-States +>50K,48, Local-gov,328610, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,77774, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,34, United-States +>50K,38, State-gov,134069, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,35, Private,209214, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386,0,35, United-States +<=50K,29, Private,153805, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Other, Male,0,0,40, Ecuador +<=50K,27, Private,168827, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,2, United-States +<=50K,31, Private,373432, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,26, Private,57600, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,302847, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,227594, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,32, Federal-gov,44777, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,46, United-States +<=50K,54, ?,133963, HS-grad,9, Widowed, ?, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,279615, Bachelors,13, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,276133, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, Private,136314, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,41, Private,204410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,44, United-States +>50K,59, Self-emp-inc,223215, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,43, Private,184625, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,34, Self-emp-inc,265917, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,158647, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,22055, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,41, Local-gov,176716, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,270721, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,32, United-States +<=50K,24, Private,100321, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,35, Private,79050, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,72, United-States +>50K,40, Local-gov,42703, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,116952, 7th-8th,4, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,45, Private,331643, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,207937, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1092,40, United-States +<=50K,68, Private,223486, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,7, England +<=50K,33, Private,340332, Bachelors,13, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +<=50K,23, Private,184813, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,42, Self-emp-not-inc,32185, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,30, Private,197886, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, State-gov,248374, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Private,382499, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,36, State-gov,108320, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,5455,0,30, United-States +<=50K,46, Self-emp-inc,161386, 9th,5, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,49, Local-gov,110172, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,144032, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,224426, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,38, United-States +<=50K,37, Private,230408, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,20, United-States +>50K,50, Local-gov,20795, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,174714, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,59, State-gov,398626, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,45, United-States +<=50K,30, Private,149531, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,34113, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,44, Local-gov,323790, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,331381, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,160647, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Ireland +<=50K,34, Private,339142, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,164857, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,33, Local-gov,267859, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,167725, Bachelors,13, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0,0,84, India +>50K,49, Federal-gov,586657, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,67, Self-emp-not-inc,105907, 1st-4th,2, Widowed, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,23, Private,200677, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,193882, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,138026, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,122385, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,49020, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,283715, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,286406, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,3325,0,40, United-States +<=50K,36, Private,166416, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,156334, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Local-gov,45607, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,40, Local-gov,112362, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,200419, Assoc-acdm,12, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,42, State-gov,341638, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,34161, 12th,8, Separated, ?, Unmarried, White, Female,0,0,30, United-States +>50K,50, Self-emp-not-inc,127151, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Canada +>50K,52, Private,321959, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,51, Local-gov,35211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,214935, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,132130, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,57, Private,222247, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,165799, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,30, Private,257874, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,357173, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, State-gov,305739, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,172047, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,110677, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,21, ?,405684, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,35, Mexico +<=50K,60, Private,82388, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +>50K,45, Private,289230, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,48, United-States +<=50K,26, Private,101812, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,5721,0,40, United-States +<=50K,49, State-gov,336509, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,383402, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,47, Private,328216, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,40, Private,280362, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,212064, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,7443,0,35, United-States +<=50K,42, Private,173704, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,433375, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,63, Self-emp-not-inc,106551, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,22418, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,54816, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,358199, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,190044, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,97698, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,32, United-States +<=50K,56, Private,53366, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,236136, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,326232, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,34, Private,581071, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,40, Private,220589, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,161463, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,95255, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Federal-gov,223267, Some-college,10, Divorced, Protective-serv, Own-child, White, Male,0,0,72, United-States +<=50K,22, Private,236769, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, England +>50K,58, Self-emp-inc,229498, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Private,177083, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,30, United-States +<=50K,23, Private,287681, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Columbia +<=50K,41, Private,49797, Some-college,10, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,174051, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, Private,194901, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,252250, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,47, Private,191277, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,174907, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,167140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,236543, 12th,8, Divorced, Protective-serv, Own-child, White, Male,0,0,54, Mexico +<=50K,40, Private,214242, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,216864, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,3770,45, United-States +<=50K,34, Private,245211, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,2036,0,30, United-States +>50K,57, Private,437727, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,71, Private,200418, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,167334, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Private,146834, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,78424, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,54, United-States +>50K,37, Private,182675, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,28, Self-emp-not-inc,38079, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,115178, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,15, United-States +<=50K,45, Private,195949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,167415, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,223214, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,22245, Bachelors,13, Married-civ-spouse, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,45, State-gov,81853, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Private,147921, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +>50K,27, Private,29261, HS-grad,9, Married-AF-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,257758, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,136546, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,38, Private,205493, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,19, Private,71650, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,150217, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,55, Self-emp-inc,258648, 10th,6, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,114798, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,43, Private,186188, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Local-gov,175255, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,45, Private,249935, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,44, Private,120277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,26, Private,193165, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +>50K,32, Private,185027, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, Ireland +<=50K,21, Private,221418, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,56063, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,153927, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,163110, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,40, Self-emp-inc,175696, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,51, United-States +<=50K,46, Private,143189, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,20, ?,114969, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,54, State-gov,32778, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,150683, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,78104, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,335005, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3137,0,40, United-States +>50K,50, Local-gov,311551, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,42, Self-emp-not-inc,201520, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,124111, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,60, Private,166386, 11th,7, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,30, Hong +<=50K,43, State-gov,117471, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,361307, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,142038, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, United-States +<=50K,35, Private,276552, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,50402, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,174090, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,27, Private,277760, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,24243, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +>50K,44, Self-emp-inc,151089, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,70, United-States +<=50K,52, Self-emp-not-inc,165278, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,22, United-States +>50K,49, Private,182752, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,173002, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,261232, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,164607, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,129573, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Federal-gov,36186, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,325744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-inc,329793, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,133616, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Private,83401, 5th-6th,3, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,76, Private,239880, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,25, Private,201737, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,192182, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,33, Private,143540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,28334, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,245873, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,42, Local-gov,199095, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,53, Private,104461, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,8614,0,50, Italy +>50K,33, Local-gov,183923, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +>50K,30, Private,129707, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,41, Local-gov,575442, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, State-gov,184682, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,69251, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Private,225507, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,167515, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,35, Private,407068, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,40, Private,170019, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +>50K,46, Local-gov,125892, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,35824, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,67083, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,23, Private,107801, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,50, Self-emp-not-inc,95577, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, ? +<=50K,43, Private,118536, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +>50K,61, Private,198078, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,78261, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,234108, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,241998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1672,50, United-States +<=50K,40, Private,92717, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,257683, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,90, Private,40388, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,24, Private,55424, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,169600, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,2176,0,12, United-States +>50K,40, Local-gov,319271, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Self-emp-not-inc,75050, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,182896, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,188274, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,211497, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,113806, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, ? +>50K,47, Local-gov,172246, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,48, Local-gov,219962, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,186815, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,132749, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,80, United-States +<=50K,28, Private,209801, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,20, State-gov,178517, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,169364, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, Ireland +>50K,32, Federal-gov,164707, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Private,144084, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,133692, Bachelors,13, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,184169, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +>50K,45, Self-emp-inc,145290, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Local-gov,24824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,178319, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,22, Private,235829, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, ?,196280, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,42, Self-emp-not-inc,54202, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Private,220237, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,24, Private,59146, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,67, Private,64148, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,41, United-States +<=50K,28, Private,196621, HS-grad,9, Married-spouse-absent, Tech-support, Not-in-family, White, Female,0,0,37, United-States +>50K,56, Private,195668, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Cuba +<=50K,31, State-gov,263000, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,33, Private,554986, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,52, ?,108211, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, Private,217654, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Germany +>50K,53, Private,139671, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,102771, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Portugal +<=50K,40, Private,213019, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,35, Private,228493, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,65, Self-emp-not-inc,22907, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,24364, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,23, Federal-gov,41432, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,39, Private,235259, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,343476, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,37, Private,326886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,248313, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,30290, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,188540, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,39, Private,237943, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,198870, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,30, Private,233980, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,171090, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,48, United-States +<=50K,22, Private,353039, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,36, Mexico +>50K,46, Federal-gov,213140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,54, Private,188136, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,1408,38, United-States +<=50K,33, Private,130057, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,70, State-gov,345339, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,182074, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Local-gov,176557, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,55, State-gov,71630, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1617,40, United-States +<=50K,17, Private,159849, 11th,7, Never-married, Protective-serv, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,183425, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,125933, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,40, Local-gov,180123, HS-grad,9, Married-spouse-absent, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +>50K,36, Private,592930, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,28, Private,183802, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,39, Private,77005, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,49, Private,80914, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,63, Self-emp-inc,165667, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,123991, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +>50K,48, Self-emp-inc,181307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,124137, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Poland +<=50K,18, ?,137363, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,4, United-States +<=50K,20, Private,291979, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,20, United-States +<=50K,49, Private,91251, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,27, Federal-gov,148153, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, Private,131463, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,32, State-gov,127651, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,239018, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,276087, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,26, United-States +<=50K,34, Private,386877, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,61, Private,210464, HS-grad,9, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,35, United-States +<=50K,25, Private,632834, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,245465, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,18, Private,198087, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,35, Private,27408, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,242713, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +>50K,56, Private,314727, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,40, State-gov,269733, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,177287, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,66, Private,167711, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,112181, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,339002, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,39, State-gov,24721, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,65, Self-emp-not-inc,37092, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,20, Private,216563, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,204447, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +>50K,24, ?,151153, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,99999,0,50, South +<=50K,39, Private,187089, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,423052, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,169180, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Hong +<=50K,21, Private,104981, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,48, United-States +<=50K,35, ?,120074, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,38, Private,269323, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,141549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,214858, 10th,6, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,55, United-States +<=50K,34, Private,173524, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Local-gov,365049, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Mexico +<=50K,38, Private,60355, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,86808, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,33, State-gov,174171, Some-college,10, Separated, Tech-support, Not-in-family, White, Male,0,0,12, United-States +<=50K,32, Federal-gov,504951, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,294064, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, France +>50K,46, Private,120131, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,48, Private,199058, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,152328, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,88564, 7th-8th,4, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,67, Private,95113, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +>50K,36, Private,247558, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,60, ? +<=50K,25, Private,178421, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Private,484861, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,38, United-States +<=50K,27, Local-gov,225291, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,205735, 1st-4th,2, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,58898, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,48, United-States +>50K,39, Private,355468, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,46, United-States +<=50K,60, Self-emp-not-inc,184362, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,27, Private,347513, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,138768, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,29810, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,126501, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,60783, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +<=50K,26, Private,179772, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,45, Self-emp-inc,281911, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,70447, HS-grad,9, Never-married, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,55, ?,449576, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,48, Mexico +<=50K,29, Private,327964, 9th,5, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,72, Private,496538, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,6360,0,40, United-States +>50K,35, Self-emp-not-inc,153066, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,53, State-gov,77651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,119493, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,256240, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,69, Private,177374, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,1848,0,12, United-States +<=50K,41, Local-gov,37848, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,45, Private,129336, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,183511, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,120131, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,55, Private,190508, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, United-States +>50K,31, Private,363130, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,240356, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,55, United-States +<=50K,64, Private,133166, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,5, United-States +<=50K,38, Private,32916, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,117477, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,34748, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1887,20, United-States +<=50K,22, Private,459463, 12th,8, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,50, United-States +<=50K,23, Private,95989, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,118088, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,150570, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,43, United-States +<=50K,31, ?,505438, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, Mexico +<=50K,37, Private,179731, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,53, Private,122109, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,1876,38, United-States +<=50K,28, Local-gov,163942, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,106670, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,123403, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-inc,119986, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,66622, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,20, ?,40060, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,56, United-States +>50K,35, Private,260578, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,64, Local-gov,96076, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,70604, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +>50K,39, Self-emp-not-inc,230329, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,1564,12, United-States +<=50K,53, Private,49715, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,116531, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,214542, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Local-gov,335005, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, Italy +<=50K,19, Private,258633, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,20, Private,203240, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,104457, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +>50K,55, Local-gov,99131, HS-grad,9, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0,2246,40, United-States +>50K,52, State-gov,125796, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1848,40, United-States +<=50K,21, ?,479482, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,167790, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,133758, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,1974,40, United-States +<=50K,22, Private,106843, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,30, United-States +>50K,24, Private,117959, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4386,0,40, United-States +<=50K,26, Private,174921, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,134152, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,99364, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,18, Local-gov,155905, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,30, Private,467108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Self-emp-not-inc,304622, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,40, Private,198692, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,60, United-States +<=50K,60, Private,178050, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,25, Private,162687, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,113151, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Private,158924, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,141795, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,33404, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,65, Self-emp-inc,178771, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Private,168553, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,110648, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,151053, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,142871, Some-college,10, Separated, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,18, ?,343161, 11th,7, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,27, Private,183523, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, Self-emp-not-inc,222216, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +>50K,44, Private,121874, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,55, United-States +>50K,30, Private,467108, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,26, Private,34393, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Federal-gov,42003, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,61, Private,180418, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,199590, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Mexico +>50K,33, Private,144949, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,50, Private,155594, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,53, Self-emp-not-inc,162576, 7th-8th,4, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,99, United-States +>50K,33, Private,232475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,269474, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +>50K,45, Local-gov,140644, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, ?,39640, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, ?,346014, 7th-8th,4, Separated, ?, Own-child, White, Female,0,0,20, United-States +>50K,47, Self-emp-not-inc,159726, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Federal-gov,290856, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,217886, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, ?,199915, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,58, Private,106546, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,2174,0,40, United-States +>50K,50, Local-gov,220640, Masters,14, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,33, Federal-gov,88913, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,288486, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,227411, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,37, Local-gov,99935, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,50, United-States +<=50K,57, Private,201112, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,123778, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,204596, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,40, Private,190290, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,196674, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,108435, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +>50K,38, Private,186359, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,32, Private,137076, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,22, State-gov,262819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,171655, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,42, Private,183319, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,36, Private,127306, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,47, United-States +<=50K,22, Private,68678, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,40, State-gov,140108, 9th,5, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,263444, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,46, State-gov,265554, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,28, Private,410216, 11th,7, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,46, State-gov,20534, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,188917, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,76, Private,98695, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,411950, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,50, Private,237819, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,75, Private,187424, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,42, Federal-gov,198316, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,139703, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,152596, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,194726, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +<=50K,44, Private,82601, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,229843, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,20, United-States +<=50K,60, Private,122276, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Italy +>50K,47, State-gov,188386, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,73, Private,92298, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,390657, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,50, Private,89041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,35, Private,314897, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,31, Private,166343, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,50, ? +>50K,45, Private,88781, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +>50K,57, Private,41762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,34, Private,849857, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Nicaragua +<=50K,19, Private,307496, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,25, Private,324372, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +>50K,39, Private,99270, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, Germany +>50K,28, Private,160731, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,48, State-gov,148306, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,259019, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,53, Private,224894, 5th-6th,3, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,10, Haiti +<=50K,19, Private,258470, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,197919, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +<=50K,23, Private,213719, Assoc-acdm,12, Never-married, Sales, Own-child, Black, Female,0,0,36, United-States +<=50K,32, Private,226535, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,146042, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,21, Private,180339, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Female,0,1602,30, United-States +<=50K,24, Private,99970, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,300687, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,29, Local-gov,219906, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, United-States +<=50K,24, Private,122234, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, ? +<=50K,55, Private,158641, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,239539, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,46, Local-gov,102308, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,186934, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,234447, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,35, Private,125933, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,142760, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,41, State-gov,309056, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-not-inc,48859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,30, Private,110594, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,72, Private,426562, 11th,7, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,17, Private,169037, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,123075, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,195744, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,36, Private,81896, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Self-emp-not-inc,172047, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,253814, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,28, Private,66473, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,60, ?,56248, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1485,70, United-States +>50K,42, Local-gov,271521, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Other, Male,0,0,40, United-States +>50K,48, Private,265295, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,174308, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,196342, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,223594, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,40, Puerto-Rico +<=50K,30, Private,149787, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,124686, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,10, United-States +<=50K,45, Private,50163, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, Private,175789, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,218215, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,166371, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,169469, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,52, Private,145081, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Private,214521, Prof-school,15, Widowed, Prof-specialty, Unmarried, White, Female,0,0,16, United-States +>50K,26, Local-gov,287233, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,52, Private,201310, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +<=50K,46, Self-emp-not-inc,197836, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,50, United-States +>50K,53, Private,158294, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,17, Private,127366, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,29, Private,203697, Bachelors,13, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0,0,75, United-States +>50K,41, Private,168730, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,165232, Some-college,10, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, Trinadad&Tobago +>50K,57, Private,175942, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Federal-gov,356689, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, Japan +>50K,46, Private,132912, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,187226, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,59, ?,254765, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,202565, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,38, State-gov,103925, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,2036,0,20, United-States +<=50K,22, Private,112164, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, ? +<=50K,59, Self-emp-not-inc,70623, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,85, United-States +<=50K,36, Private,102729, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,558944, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,256967, 10th,6, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,62, ?,144583, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,102412, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,159788, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +>50K,27, Private,55743, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,45, United-States +>50K,47, State-gov,148171, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, France +<=50K,20, Local-gov,271354, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,98524, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,272913, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, Mexico +<=50K,22, Private,324445, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,155469, Assoc-acdm,12, Widowed, Tech-support, Unmarried, White, Female,0,0,24, United-States +<=50K,36, Private,102945, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,291904, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Federal-gov,186601, HS-grad,9, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,43, Private,172401, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,193285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,34, Private,176244, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,117779, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,35, United-States +<=50K,22, ?,34616, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,169182, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,25, Puerto-Rico +<=50K,27, Private,180758, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Local-gov,141637, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,169023, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,34, Self-emp-not-inc,101266, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,62, United-States +>50K,30, Private,164190, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,142282, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,39, Federal-gov,103984, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,64, Private,187601, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Self-emp-not-inc,36218, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,29, State-gov,106334, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +>50K,37, Local-gov,249392, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,110355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,117944, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,17, Private,163836, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,29, Private,145592, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,24, Private,108495, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, India +<=50K,27, Self-emp-not-inc,212041, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, Self-emp-inc,182451, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,124020, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,199116, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,17, ?,144114, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,107438, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1651,40, United-States +<=50K,70, Private,405362, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,32, Private,175856, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,21, ?,262241, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,420054, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,9562,0,50, United-States +<=50K,27, Private,86681, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,187161, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,44, State-gov,691903, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,36, Private,219483, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,199058, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,29, Private,192010, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, Poland +>50K,34, Federal-gov,419691, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,54, United-States +<=50K,28, Local-gov,356089, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,50, United-States +<=50K,34, Private,684015, 5th-6th,3, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, El-Salvador +<=50K,18, Private,36882, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,203180, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,183811, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,103966, Masters,14, Divorced, Adm-clerical, Unmarried, White, Female,0,0,41, United-States +<=50K,24, Private,304602, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,57233, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,50, State-gov,289207, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,68, Private,224019, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,267966, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,214800, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,241528, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,197365, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,296724, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,17, United-States +<=50K,26, Private,136226, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,40623, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,264874, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,112847, HS-grad,9, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,18, ?,236090, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,89028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,71, State-gov,210673, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,28, United-States +<=50K,55, Private,60193, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,216137, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,36, Private,139743, Some-college,10, Widowed, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, ?,32276, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,423605, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,40, Nicaragua +<=50K,27, Private,298871, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,42, Private,318255, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,347867, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,1719,40, United-States +>50K,57, Private,279636, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,405386, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,28, United-States +<=50K,31, Private,297188, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,182342, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,229148, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,60, Jamaica +<=50K,30, Private,189620, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,6849,0,40, England +<=50K,17, Private,413557, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,32, United-States +<=50K,26, Self-emp-inc,246025, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,20, Honduras +<=50K,32, Private,390997, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,50, Mexico +<=50K,55, Private,102058, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,247298, 12th,8, Married-spouse-absent, Other-service, Own-child, Other, Female,0,0,20, United-States +<=50K,28, Private,140108, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,55, ?,216941, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,2885,0,40, United-States +>50K,49, Private,81654, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,177526, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,64631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,110028, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,203761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,163870, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,59, Federal-gov,117299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,20, Private,50648, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,166517, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, ?,173800, Bachelors,13, Married-spouse-absent, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,10, Taiwan +<=50K,44, Self-emp-inc,181762, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,340880, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,50, Self-emp-not-inc,114758, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,4416,0,45, United-States +>50K,54, Private,138847, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,215014, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,183778, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,273629, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Self-emp-inc,113870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,213955, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,2001,40, United-States +>50K,29, Private,114982, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,205338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,57924, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,50, United-States +<=50K,90, ?,225063, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,10, South +>50K,35, Self-emp-not-inc,202027, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,20, Private,281356, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, United-States +<=50K,42, Private,30824, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,2354,0,16, United-States +<=50K,56, Private,98809, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,5013,0,45, United-States +<=50K,31, Private,38223, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,172232, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,60, Private,140544, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,221366, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,180799, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,36, Private,111499, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,40, United-States +<=50K,44, Self-emp-not-inc,155930, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Private,201122, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,101709, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,140121, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,48, Private,172709, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,47, Private,120131, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,34, Private,117444, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,27, Private,256764, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,176185, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064,0,40, ? +<=50K,24, Private,223811, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,201603, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, Private,138765, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,133974, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,137953, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,103403, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,24, Private,461678, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, State-gov,70884, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,56, State-gov,466498, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,19, Private,148644, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,190739, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,32, United-States +<=50K,34, Private,299507, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,211424, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,27, State-gov,106721, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,192017, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,530099, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,55, United-States +<=50K,34, Private,119153, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,30, Private,202450, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,21, Private,50341, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,24, Private,140001, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Italy +<=50K,19, ?,220517, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,82, ?,52921, Some-college,10, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,3, United-States +>50K,35, Private,31964, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,148207, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,151627, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Private,402539, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,188278, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,28, Self-emp-not-inc,96219, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,5, United-States +<=50K,29, Private,340534, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +<=50K,60, Private,160339, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +<=50K,28, Private,120135, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,303817, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,181091, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,28, Private,200515, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,160893, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,23, United-States +>50K,40, Local-gov,183096, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Yugoslavia +<=50K,24, Private,241367, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,342084, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,193855, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,80410, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,554317, 9th,5, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,35, Mexico +<=50K,46, Private,85109, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1628,40, United-States +<=50K,28, Private,108569, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,34, Private,120959, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,222011, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,43, United-States +<=50K,43, Private,238530, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,48404, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,60, Private,88055, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781,0,16, United-States +>50K,33, Private,238381, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,8614,0,40, United-States +<=50K,22, Private,243923, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,80, United-States +<=50K,39, Private,305597, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,141841, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178,0,40, United-States +<=50K,39, Private,129764, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,150993, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,63, Self-emp-not-inc,147140, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,46, State-gov,30219, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,38, United-States +<=50K,48, Private,167967, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,133278, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,65, Private,172510, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,1848,0,20, Hungary +>50K,39, Private,192251, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,43, Private,210844, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Private,263015, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,155118, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,35, United-States +<=50K,24, State-gov,232918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,48, Private,143542, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,45607, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,29828, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,104118, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Private,191446, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +>50K,50, Private,27484, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,205987, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Cuba +<=50K,39, Local-gov,143385, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,200508, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,186995, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,54159, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,39, Private,113481, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,30, Local-gov,235271, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,349365, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,65, United-States +<=50K,18, Private,283637, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,70282, Assoc-acdm,12, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,166051, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,193720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,35, ?,124836, Some-college,10, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,33, Private,236379, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,46, Private,122026, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,40, Private,114537, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,191834, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,420054, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,160045, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,34, Private,303187, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,45, Private,190088, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,53, Private,126977, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,52, Self-emp-not-inc,63004, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,64, Private,391121, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,42, Private,211450, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,156413, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,44, United-States +>50K,41, Private,116797, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +>50K,53, Local-gov,204447, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,25, Private,66935, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, Private,344278, 11th,7, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,108574, Assoc-voc,11, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,244605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,363677, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,30, United-States +<=50K,56, Private,219762, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +>50K,38, Self-emp-inc,269318, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,62, Private,77884, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,28, Self-emp-not-inc,70100, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,213643, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3908,0,40, United-States +<=50K,24, Private,69640, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,170012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,34, United-States +<=50K,40, Private,329924, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,30, United-States +<=50K,31, Private,193285, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,261241, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1741,60, United-States +>50K,42, Federal-gov,108183, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,40, South +<=50K,20, Private,296618, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Local-gov,257796, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,155320, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,22, Private,151888, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,65, ?,143118, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,2206,10, United-States +<=50K,31, Private,66278, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908,0,40, United-States +>50K,56, Private,92444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,51, Private,229272, HS-grad,9, Divorced, Other-service, Other-relative, Black, Male,0,0,32, Haiti +<=50K,36, Self-emp-not-inc,207202, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,44, State-gov,154176, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,1590,40, United-States +>50K,49, Private,180899, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,1755,45, United-States +<=50K,28, Private,205337, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,180779, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,33, Self-emp-not-inc,343021, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,49, Private,176814, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +>50K,74, State-gov,88638, Doctorate,16, Never-married, Prof-specialty, Other-relative, White, Female,0,3683,20, United-States +<=50K,48, Private,248059, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,45, United-States +>50K,38, Private,409604, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,39, Private,185053, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,332884, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,65, United-States +>50K,56, Private,212864, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,27, Private,66473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,285169, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,175431, 9th,5, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, ?,152641, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,339346, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,39, Private,287306, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,70604, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3464,0,40, United-States +<=50K,21, Private,88926, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,36, Private,91275, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,56, Private,244554, 10th,6, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,232586, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,127678, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,44, Private,162184, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,408229, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,45, El-Salvador +>50K,43, State-gov,139734, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,62, Private,197286, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, Germany +>50K,52, Private,229983, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,30, United-States +<=50K,25, Private,252803, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,63, Self-emp-inc,110890, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,51, Private,160724, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,99, South +<=50K,25, Private,89625, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,62, ?,266037, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126730, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Federal-gov,96854, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, Private,186788, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,28996, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,347166, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, State-gov,110311, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,310850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,220694, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,61, Private,149405, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,70, Self-emp-inc,131699, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,55, Private,49996, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,187112, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,180859, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,29, Private,185647, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,60, United-States +<=50K,30, Private,316606, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,274657, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,39, Federal-gov,193583, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,60, United-States +<=50K,18, Private,338836, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,216814, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,106935, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,223433, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,174789, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Private,135603, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,344719, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,38, Private,372484, 11th,7, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,181820, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +<=50K,40, Private,235371, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,216711, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, ? +<=50K,20, Private,299399, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,202508, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,44, Private,172025, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,49, Self-emp-inc,246891, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,450920, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Private,53598, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,103757, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,76017, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,28, Self-emp-inc,80158, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,37, Federal-gov,90881, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,8614,0,55, United-States +<=50K,44, Private,427952, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,230955, 12th,8, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +>50K,53, Private,177916, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,36, Private,342642, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,15, United-States +<=50K,77, Private,253642, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,30, United-States +<=50K,21, Private,219086, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,162593, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Private,87561, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,142411, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,22, Private,154422, Some-college,10, Divorced, Sales, Own-child, Asian-Pac-Islander, Female,0,0,30, Philippines +<=50K,23, Private,169104, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,25, United-States +>50K,47, Private,193047, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,17, Private,151141, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,48, Private,267912, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,50, Mexico +>50K,43, Private,137126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,152453, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +<=50K,19, Private,357059, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,42, State-gov,202011, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,98283, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,176965, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,187919, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,65, Private,274916, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,105813, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +>50K,41, Local-gov,193524, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,152734, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, ? +<=50K,21, Private,263641, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Local-gov,102076, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,51, State-gov,155594, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,43, Private,33331, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,22, State-gov,156773, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, ? +<=50K,56, Self-emp-not-inc,115439, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,181652, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,120268, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,39, Private,196308, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,45, Self-emp-not-inc,40690, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,75, United-States +<=50K,49, Private,228583, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, Columbia +<=50K,23, Private,695136, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,69, Private,209236, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +>50K,41, Federal-gov,214838, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Self-emp-not-inc,188436, HS-grad,9, Separated, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,25, Private,177625, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,124591, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,230856, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,3325,0,50, United-States +>50K,50, Federal-gov,221532, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,232577, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,30, United-States +>50K,48, Private,168216, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,27, Private,214702, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,63, Private,237620, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,47, State-gov,54887, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,164526, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,14084,0,45, United-States +<=50K,28, Private,224506, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, ? +<=50K,58, Private,183870, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,208330, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, United-States +<=50K,67, Self-emp-inc,168370, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,320376, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,48, United-States +>50K,28, Private,192384, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,167350, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,103538, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,29, Private,58522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,191342, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,25, Private,193820, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,258490, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,21, Private,56520, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,102476, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,311357, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,166497, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +>50K,50, Private,160724, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,29, Private,338270, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,282394, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,21, United-States +<=50K,32, Private,383269, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,119386, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +>50K,50, Private,196975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,334221, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,58, Private,27385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, State-gov,133846, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,361888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,230429, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,49, Private,328776, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,243829, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Private,306646, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,50, United-States +>50K,50, Private,138179, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,30, Private,280069, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,55, Private,305759, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,64, Local-gov,164876, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,20, United-States +<=50K,29, Self-emp-inc,138597, Assoc-acdm,12, Never-married, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +>50K,40, Private,111483, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,144778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,171015, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,112494, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,408473, 12th,8, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, State-gov,27802, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,34, Private,236318, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,121836, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,38, United-States +<=50K,43, Self-emp-not-inc,315971, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,698418, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +<=50K,21, Private,329530, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,65, Private,194456, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +<=50K,20, Private,282579, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, State-gov,26401, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, State-gov,364958, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464,0,40, United-States +<=50K,22, Private,83998, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,94364, Some-college,10, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,20, United-States +<=50K,44, Private,174189, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,44, Local-gov,101967, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,41, Private,146908, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,126675, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,2205,40, United-States +<=50K,21, Private,31606, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, Germany +<=50K,24, Private,132327, Some-college,10, Married-spouse-absent, Sales, Unmarried, Other, Female,0,0,30, Ecuador +<=50K,24, Private,112459, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,28, Private,48894, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,181943, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,247685, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,24, Local-gov,195808, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,172052, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,35, South +<=50K,50, Local-gov,50178, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,55, United-States +<=50K,68, Private,351711, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,190305, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,464103, 1st-4th,2, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,18, ?,36348, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,48, United-States +<=50K,25, Private,120238, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Poland +<=50K,28, Private,354095, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Local-gov,308901, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,24, State-gov,208826, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, England +<=50K,20, Private,369677, 10th,6, Separated, Sales, Not-in-family, White, Female,0,0,36, United-States +>50K,45, Federal-gov,98524, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,239723, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, White, Female,1506,0,45, United-States +<=50K,57, Private,231232, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,236396, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,24, ?,119156, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,320451, Some-college,10, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Male,0,0,24, India +<=50K,41, Private,38397, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-inc,189183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,199281, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,52, Private,286342, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +>50K,50, Private,152810, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,176981, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,17, Private,117549, 10th,6, Never-married, Sales, Other-relative, Black, Female,0,0,12, United-States +<=50K,64, Private,254797, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Private,133336, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,182826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,136224, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,134475, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,1762,40, United-States +<=50K,48, Private,272778, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +>50K,44, Private,279183, Some-college,10, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,110243, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,202071, HS-grad,9, Widowed, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,197642, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,19, Private,125591, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,197462, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,238831, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,182177, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Yugoslavia +>50K,40, Local-gov,240504, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,125892, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +>50K,46, Private,154430, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,32, Private,207685, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,3908,0,40, United-States +<=50K,50, Private,222020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,243240, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,37, United-States +<=50K,26, Private,158734, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,257691, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,26, Private,144483, Assoc-voc,11, Divorced, Sales, Own-child, White, Female,594,0,35, United-States +<=50K,19, Private,209826, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,30244, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,54, Private,133050, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,41, United-States +<=50K,29, Private,138332, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,6, United-States +<=50K,81, Private,201398, Masters,14, Widowed, Prof-specialty, Unmarried, White, Male,0,0,60, ? +>50K,37, Private,526968, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +>50K,40, Private,79036, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,240323, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,270544, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,44, State-gov,199551, 11th,7, Separated, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,231052, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,35, United-States +>50K,69, State-gov,203072, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,126771, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,7, United-States +>50K,38, Private,31848, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,328981, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,52, Private,159670, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,450695, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,57, Private,182028, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,349620, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,161066, HS-grad,9, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,46, Private,213611, 7th-8th,4, Married-spouse-absent, Priv-house-serv, Unmarried, White, Female,0,1594,24, Guatemala +>50K,21, Private,548303, HS-grad,9, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0,0,40, Mexico +<=50K,29, Private,150861, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Japan +<=50K,33, ?,335625, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,133766, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,28, Private,200511, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,50103, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,37, ?,148266, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,6, Mexico +<=50K,49, Private,177211, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,132686, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,57, Federal-gov,21626, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,52900, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,150084, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,38, Private,248886, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,51, Self-emp-not-inc,118259, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,60, United-States +<=50K,60, Private,145493, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,219546, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411,0,47, United-States +<=50K,44, Federal-gov,399155, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,227310, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,59, Private,333270, Masters,14, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,50, Private,231495, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,133935, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,55237, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,183034, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,35, United-States +<=50K,32, Private,245487, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,32, Private,185480, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,114251, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,181814, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Female,0,0,40, United-States +>50K,30, Private,340917, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,37, Private,241998, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +>50K,38, Self-emp-inc,125324, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,36, Private,34744, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,37, United-States +>50K,56, Private,131608, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,226916, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,124137, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,41, United-States +<=50K,17, Private,96282, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,14, United-States +>50K,46, Private,337050, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,56, Private,229335, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, State-gov,199495, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,111675, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,27, Private,139209, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,32372, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,33, Self-emp-not-inc,203784, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,62, United-States +>50K,33, Private,164190, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,38, Private,64875, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,60, United-States +<=50K,51, Private,41806, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,208725, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,49, Local-gov,79019, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,16, United-States +<=50K,26, Private,136951, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Private,203554, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,252947, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,1719,32, United-States +<=50K,38, Private,170861, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,199590, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,41, Private,529216, Bachelors,13, Divorced, Tech-support, Unmarried, Black, Male,7430,0,45, ? +<=50K,33, Private,195576, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,60, United-States +<=50K,30, Private,182177, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Ireland +<=50K,25, State-gov,183678, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,50, Private,209320, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,206862, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,37, Private,168941, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Self-emp-not-inc,201263, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,55, United-States +<=50K,17, Private,75333, 10th,6, Never-married, Sales, Own-child, Black, Female,0,0,24, United-States +<=50K,65, ?,299494, 11th,7, Married-civ-spouse, ?, Husband, White, Male,1797,0,40, United-States +>50K,56, Self-emp-not-inc,163212, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,99999,0,40, United-States +<=50K,57, Private,139290, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,33, Private,400416, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,41, Self-emp-not-inc,223763, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,77927, Bachelors,13, Widowed, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,50, Private,175804, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,91525, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,25, United-States +<=50K,19, Private,279968, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,77698, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,61, ?,198686, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,67, ?,190340, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,41, Private,113491, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,202878, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,108431, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,194490, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,37, Private,48093, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,90, United-States +<=50K,22, Private,136824, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,143280, 10th,6, Never-married, Priv-house-serv, Own-child, White, Female,0,0,24, United-States +<=50K,26, Private,150062, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Local-gov,298510, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,177147, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,6849,0,65, United-States +<=50K,51, Private,115025, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,350440, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,60, Private,83850, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,62669, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,229773, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Local-gov,196234, HS-grad,9, Divorced, Craft-repair, Own-child, White, Female,0,0,40, Puerto-Rico +<=50K,69, ?,163595, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,44, Private,157249, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1977,50, United-States +<=50K,65, Private,80174, HS-grad,9, Divorced, Exec-managerial, Other-relative, White, Female,1848,0,50, United-States +>50K,52, Self-emp-inc,49069, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,122952, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,123856, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,49, United-States +<=50K,24, Private,216181, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,180062, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,188535, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +>50K,67, Self-emp-not-inc,106143, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,64, Self-emp-not-inc,170421, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Female,0,0,8, United-States +<=50K,25, Private,283087, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +>50K,34, Federal-gov,341051, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,34378, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,380674, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,52, United-States +<=50K,19, Private,304469, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +>50K,35, Private,99146, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,205109, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,99156, HS-grad,9, Separated, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,45, Private,97842, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,18, Private,100875, 11th,7, Never-married, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,51, Private,200576, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,63, United-States +<=50K,36, Private,355053, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,28, United-States +<=50K,18, Private,118376, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, ? +<=50K,37, Local-gov,117760, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,4650,0,40, United-States +>50K,37, Private,117567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,39, Federal-gov,189632, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,170108, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,46, State-gov,27243, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,33, Private,192663, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,526164, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,146579, HS-grad,9, Divorced, Sales, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Private,60288, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, State-gov,241951, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,213140, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,218124, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Self-emp-not-inc,279802, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,3, United-States +>50K,26, Private,153078, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,80, ? +<=50K,40, Private,167919, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,250832, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,193158, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,172032, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,39484, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,7298,0,42, United-States +>50K,45, Private,84298, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,43, Private,269015, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Germany +<=50K,17, ?,262196, 10th,6, Never-married, ?, Own-child, White, Male,0,0,8, United-States +>50K,49, Federal-gov,125892, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,134890, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,60, Self-emp-not-inc,261119, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,119409, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Columbia +>50K,53, Self-emp-not-inc,118793, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,184207, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,191027, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,207782, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,48, Self-emp-not-inc,209146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,76, ?,79445, 10th,6, Married-civ-spouse, ?, Husband, White, Male,1173,0,40, United-States +<=50K,19, Private,187724, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,66777, Assoc-voc,11, Married-civ-spouse, Other-service, Other-relative, White, Female,3137,0,40, United-States +<=50K,58, Private,158002, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,305834, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,25, United-States +<=50K,37, ?,122265, HS-grad,9, Divorced, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,42, ? +<=50K,22, Private,211798, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,52, Self-emp-not-inc,123011, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,36302, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,176867, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781,0,40, United-States +<=50K,62, Private,169204, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,38232, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,64, State-gov,277657, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +<=50K,38, Private,32271, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,116825, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,80, United-States +<=50K,28, Self-emp-not-inc,226198, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,28145, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,52, United-States +<=50K,39, Private,140477, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,10, United-States +>50K,50, Private,165050, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,202937, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,316298, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,203070, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,49, United-States +<=50K,51, Self-emp-inc,103995, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,28, Private,176137, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,57, Self-emp-not-inc,103948, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,40, Local-gov,39581, Prof-school,15, Separated, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,506436, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, Peru +<=50K,32, Private,226975, Some-college,10, Never-married, Sales, Own-child, White, Male,0,1876,60, United-States +<=50K,49, State-gov,154493, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,44, United-States +<=50K,34, Self-emp-not-inc,137223, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,102323, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,257765, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,52, Private,42924, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,167599, 11th,7, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,25, United-States +<=50K,84, ?,368925, 5th-6th,3, Widowed, ?, Not-in-family, White, Male,0,0,15, United-States +>50K,79, ?,100881, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,2, United-States +<=50K,35, Private,52738, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +<=50K,56, Private,98418, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,30, Private,381153, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,103700, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,298635, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,32, Private,127895, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,44, Self-emp-inc,212760, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,281384, HS-grad,9, Married-AF-spouse, Other-service, Other-relative, White, Female,0,0,10, United-States +<=50K,60, Private,181200, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,257364, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,50, Private,283281, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,58, Private,214502, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,41, Private,69333, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,28, Private,190060, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,95864, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,35, United-States +>50K,71, ?,144872, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,6514,0,40, United-States +<=50K,17, ?,275778, 9th,5, Never-married, ?, Own-child, White, Female,0,0,25, Mexico +<=50K,45, Private,27332, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,24395, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,330695, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-not-inc,171615, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,116372, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,27, Private,38599, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Local-gov,202184, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,315303, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,25, United-States +<=50K,38, Private,103456, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,24, State-gov,163480, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,317425, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,7, United-States +<=50K,58, Private,216941, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,35, Private,116541, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,44, United-States +<=50K,43, Private,186396, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,273194, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137,0,35, United-States +<=50K,24, Private,385540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,63, Private,201631, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,439919, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,182117, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,20, State-gov,334113, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,42, Private,184837, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298,0,40, United-States +>50K,49, ?,228372, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,47, Federal-gov,211123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-inc,38819, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,61, Private,162391, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1651,40, United-States +<=50K,23, ?,302836, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,40, El-Salvador +>50K,35, State-gov,89040, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,264210, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,20, United-States +<=50K,18, Private,87157, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,28, Self-emp-not-inc,398918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, ?,123612, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,20, Private,155818, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,243660, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,134195, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,238638, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,159929, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,198668, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,215504, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,158002, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,55, Ecuador +<=50K,53, Local-gov,35305, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,57, United-States +<=50K,25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,44, State-gov,321824, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,22, Private,180449, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,28, United-States +<=50K,40, Private,201764, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,250038, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, ? +<=50K,30, Self-emp-not-inc,226535, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,51, Private,136121, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,17, Private,47199, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,24, United-States +>50K,46, Local-gov,215895, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,24647, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,734193, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, ?,321086, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,41, Federal-gov,192589, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,326283, Bachelors,13, Never-married, Other-service, Unmarried, Other, Male,0,0,40, United-States +<=50K,32, Private,207284, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,109089, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,50, Private,274528, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,77, Private,142646, 7th-8th,4, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,23, United-States +<=50K,33, Private,180859, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,188610, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,64, Private,169604, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,260560, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Local-gov,188245, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +>50K,67, Local-gov,103315, Masters,14, Never-married, Exec-managerial, Other-relative, White, Female,15831,0,72, United-States +<=50K,37, Local-gov,52465, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,737315, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,195143, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,29, United-States +<=50K,50, Self-emp-not-inc,219420, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,0,0,64, United-States +>50K,60, Private,198170, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Local-gov,183168, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +>50K,44, Private,196545, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,43, Private,168412, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,44, Poland +>50K,48, Private,174386, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, El-Salvador +<=50K,36, Private,544686, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,2907,0,40, Nicaragua +<=50K,48, Private,95661, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,37, Private,468713, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,169112, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,52, Private,74024, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,110622, 5th-6th,3, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, Vietnam +>50K,43, Local-gov,33331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,181557, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +>50K,66, Private,142624, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5556,0,40, Yugoslavia +<=50K,37, Self-emp-not-inc,192251, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,2635,0,40, United-States +<=50K,35, Private,146091, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Local-gov,174575, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,49, Private,200949, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,38, Peru +>50K,51, Local-gov,201560, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,71, Federal-gov,149386, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,9, United-States +>50K,50, Local-gov,168672, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,40, United-States +<=50K,63, Private,38352, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, State-gov,180272, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,24, State-gov,275421, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,41, Local-gov,173051, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,33, Local-gov,167474, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,267138, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,135138, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,218357, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,28, Self-emp-not-inc,107236, 12th,8, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,138416, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,56, Mexico +<=50K,28, Private,154863, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,37, Private,194004, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,19, Private,339123, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,51, Local-gov,548361, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,26, United-States +<=50K,25, Private,101812, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,41, United-States +<=50K,49, Self-emp-inc,127111, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,171807, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,48, Local-gov,40666, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,340682, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,175052, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, ?,321629, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,16, United-States +<=50K,46, Private,154405, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,108402, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,346275, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +<=50K,44, Private,42476, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +<=50K,23, Private,161708, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,70447, Some-college,10, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,4650,0,20, United-States +<=50K,30, Private,189759, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,4865,0,40, United-States +<=50K,65, ?,137354, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,34, Private,250724, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Jamaica +>50K,34, Federal-gov,149368, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,154641, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,38309, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407,0,40, United-States +>50K,53, Local-gov,202733, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,70, United-States +<=50K,34, Private,56150, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,260254, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,108083, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,54, Self-emp-not-inc,71344, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,174215, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,39, State-gov,114366, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Private,158962, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,179498, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Germany +<=50K,29, Private,31935, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,149909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,20, ?,58740, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,39, Private,216552, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,255348, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,176050, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,125101, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, ?,197286, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,337469, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,594,0,20, Mexico +<=50K,31, Private,159737, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,58, United-States +>50K,39, Private,316211, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,32, Private,127610, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,32, United-States +>50K,45, Local-gov,556652, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,265576, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,43, Private,347653, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,32, Private,62374, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,170230, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,203051, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,27, United-States +<=50K,66, Self-emp-inc,115880, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,167735, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,46, Self-emp-inc,181413, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,185554, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,350387, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,225102, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, ? +>50K,55, Private,105582, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103,0,40, United-States +>50K,35, Self-emp-not-inc,350247, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,28, Private,150025, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, ? +>50K,37, Private,107737, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,63, ?,334741, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,43, Private,115562, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,30, Self-emp-not-inc,131584, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,36, Local-gov,95855, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +>50K,54, Private,391016, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Federal-gov,51089, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,78, Self-emp-inc,188044, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,40, United-States +>50K,77, Private,117898, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,70240, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,39, Self-emp-not-inc,187693, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,37, Private,341672, Bachelors,13, Separated, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,34, Private,208043, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,22, Local-gov,289982, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,54, Private,76344, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,200973, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,36, Private,111377, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,136684, HS-grad,9, Widowed, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +>50K,40, Private,176716, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,166894, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,243872, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,28, Private,155621, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Columbia +<=50K,46, Private,102597, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,60331, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,37, Private,75024, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, Canada +<=50K,69, Private,174474, 10th,6, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,28, Peru +>50K,43, Private,145441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,53, Private,83434, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,21, Japan +<=50K,20, Private,691830, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,22, Private,189203, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,115784, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,40, Federal-gov,280167, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,407338, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,39, Private,52978, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,1721,55, United-States +>50K,57, Private,169329, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,1887,40, Trinadad&Tobago +<=50K,23, Private,315065, 10th,6, Never-married, Other-service, Unmarried, White, Male,0,0,60, Mexico +>50K,25, Local-gov,167835, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +<=50K,22, Private,63105, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,520775, 12th,8, Never-married, Priv-house-serv, Own-child, White, Male,0,0,30, United-States +>50K,41, Local-gov,47902, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,145434, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,58, Private,56392, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,162312, HS-grad,9, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Japan +<=50K,28, Private,204074, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,99246, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,102085, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,68, Private,168794, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +>50K,33, State-gov,332379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,233419, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,57233, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,38, Private,192337, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,31, Private,442429, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,40, Mexico +<=50K,29, Private,369114, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,261334, 9th,5, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,160303, HS-grad,9, Widowed, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,49, Private,50474, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,321577, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,41, Private,29591, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,334744, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Self-emp-not-inc,269474, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,287306, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,66, Private,33619, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,4, United-States +<=50K,38, Private,149347, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Private,96249, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,40, Local-gov,370502, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,32, Private,188246, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,167558, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,35, Mexico +<=50K,35, Private,292185, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,101593, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,33, Local-gov,70164, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,60, United-States +>50K,36, Private,269722, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,33, Self-emp-not-inc,175502, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,53, Private,233165, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,177351, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,212114, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,288959, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,36, United-States +<=50K,64, Private,231619, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,21, United-States +<=50K,48, Private,146919, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,23, Private,388811, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,243560, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, ? +<=50K,35, Self-emp-not-inc,98360, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,369538, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,31740, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,53, Private,223660, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Male,6849,0,40, United-States +<=50K,18, Private,333611, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,54, Mexico +>50K,34, Self-emp-not-inc,108247, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,76129, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Guatemala +>50K,37, Private,91711, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,61, ?,166855, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,59, Private,182062, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +>50K,32, Private,252752, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,31, Private,43953, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,25, Local-gov,84224, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,81, Private,100675, 1st-4th,2, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, Poland +<=50K,47, Private,155509, HS-grad,9, Separated, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,39, Private,29814, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,241805, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,30, United-States +>50K,44, Private,214838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,240810, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,41, Private,154076, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,27, ?,175552, 5th-6th,3, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +>50K,55, Private,170287, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Poland +>50K,60, Private,145995, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,433669, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,36, ? +<=50K,23, Private,233626, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,19, Private,607799, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,60, United-States +>50K,45, Private,88500, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,36, Private,127809, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,46, Private,243743, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,177211, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,231180, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,253856, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,39, Private,177075, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,152855, HS-grad,9, Never-married, Exec-managerial, Own-child, Other, Female,0,0,40, Mexico +<=50K,37, Private,191137, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Male,0,0,25, United-States +>50K,49, Private,255559, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,169815, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,221215, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,35, Private,270059, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,54, ?,31588, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2635,0,40, United-States +<=50K,17, Private,345403, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,194897, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,33, Private,388741, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,38, United-States +<=50K,33, Private,355856, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,51, Private,122109, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,49, Private,75673, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,141058, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,2339,50, United-States +>50K,41, Private,47902, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,64, Private,221343, 1st-4th,2, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,12, United-States +>50K,40, Private,255675, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,203505, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,125106, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,139890, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,76878, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,47, Self-emp-not-inc,28035, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,86, United-States +<=50K,30, Private,43953, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,1974,40, United-States +>50K,36, Private,163237, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,55890, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,255934, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,61, Private,168654, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +<=50K,47, Self-emp-not-inc,39986, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Private,208451, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,206681, 12th,8, Never-married, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,33, Private,117779, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,46, United-States +>50K,36, Self-emp-not-inc,129150, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,38, ?,177273, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,35, United-States +>50K,34, Local-gov,226443, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,146326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,187901, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,23, United-States +>50K,26, Private,97153, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +>50K,49, Private,188694, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,71, Private,187493, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,212468, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,84726, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,137907, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,51, Private,34361, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,38, Private,254114, Some-college,10, Married-spouse-absent, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,38, Private,170174, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,190895, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,24, Local-gov,317443, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,40, Private,375603, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,21, Private,203076, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,49, Private,53893, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,171748, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,24, United-States +>50K,54, Private,167770, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +<=50K,52, Private,204584, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,42, United-States +<=50K,27, Private,660870, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,20, Private,105686, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, ?,70282, Masters,14, Married-civ-spouse, ?, Wife, Black, Female,15024,0,2, United-States +<=50K,31, Private,148607, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,255849, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Federal-gov,255921, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, England +<=50K,33, Private,113326, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,440456, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,105493, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,259757, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,653,50, United-States +<=50K,37, Local-gov,89491, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,171818, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,51151, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,188957, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,97933, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,195447, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,63, ?,46907, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,54, Self-emp-inc,383365, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,32, Self-emp-not-inc,203408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,29, Local-gov,148182, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,26, Local-gov,211497, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,48063, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,57, Private,211804, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +<=50K,54, Private,185407, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,225927, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,314525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,208577, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,222884, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,31, Private,209538, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,177114, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,50, Private,173754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,121370, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,37, Private,67125, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,26, Private,67240, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,198346, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,141003, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,24, Self-emp-inc,60668, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,104256, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,34, United-States +>50K,47, Private,131002, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,155151, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,50, United-States +<=50K,26, Private,177720, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,39615, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,203871, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +<=50K,57, State-gov,25045, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,2174,0,37, United-States +<=50K,36, Private,112264, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,169100, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,155659, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Germany +<=50K,39, Private,291665, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4508,0,24, United-States +>50K,29, Private,224215, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,270502, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,125487, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,61, Private,51385, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,112763, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,108926, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Private,366957, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,50, India +<=50K,36, Local-gov,109766, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,226106, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,75, Self-emp-not-inc,92792, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,26, Private,186950, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Private,230478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,231638, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,120461, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,33673, 12th,8, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,34, Private,191385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, Self-emp-not-inc,229946, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Columbia +<=50K,47, Self-emp-not-inc,160131, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,190895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,18, Private,126021, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,20, United-States +<=50K,47, Private,27815, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,1719,30, United-States +<=50K,42, Private,203542, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,144592, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,223004, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,75, United-States +<=50K,22, Private,183257, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,32, Private,172714, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,131611, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,48, United-States +<=50K,41, Private,253060, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Private,471990, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,46, United-States +<=50K,44, Private,138966, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,35, Private,385412, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,184101, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,60, Private,103344, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,36, Local-gov,135786, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,227359, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,40, State-gov,86912, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,83033, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,2176,0,20, United-States +<=50K,25, Private,172581, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, State-gov,274111, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,1669,40, United-States +>50K,42, Private,187795, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,26, Private,483822, 7th-8th,4, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Guatemala +>50K,66, Self-emp-inc,220543, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,152953, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, Dominican-Republic +<=50K,35, Private,239755, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +>50K,41, Private,177905, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,200136, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,55, Self-emp-not-inc,111625, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,336513, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, United-States +<=50K,45, Private,162915, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,116662, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,24763, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,65, Private,225580, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,169104, Assoc-acdm,12, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,43, Private,212894, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,93997, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,22, Private,189924, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,274424, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,188246, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,284211, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,21, Private,198259, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,31, Private,368517, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,34, Private,168768, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Federal-gov,122220, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +>50K,32, Private,136204, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,2824,55, United-States +>50K,44, Private,175641, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,173324, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,75, Local-gov,31195, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,55, Federal-gov,88876, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,43, Self-emp-not-inc,176069, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,16, United-States +<=50K,31, Private,215297, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,198425, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Local-gov,180957, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,206129, Assoc-voc,11, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Federal-gov,65950, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,197618, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,185357, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,134890, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,64, ?,193043, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,153633, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, Private,115890, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,34, Private,394447, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,2463,0,50, France +<=50K,58, Private,343957, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,63, ?,247986, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,50, Private,238959, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, ? +<=50K,59, Private,159048, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,423222, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,30, Private,89735, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,31778, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, ?,157327, 5th-6th,3, Married-civ-spouse, ?, Husband, Black, Male,0,0,8, United-States +>50K,47, Private,233511, Masters,14, Divorced, Sales, Not-in-family, White, Male,27828,0,60, United-States +>50K,30, Private,327112, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1564,40, United-States +<=50K,34, Private,236543, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,51, State-gov,194475, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,303510, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Private,171242, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,39388, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,62, Local-gov,197218, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,18, United-States +<=50K,22, State-gov,151991, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,374524, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,267352, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +>50K,45, Local-gov,364563, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,186035, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,47541, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,151107, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,500509, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,47, Private,138107, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,2258,40, United-States +<=50K,20, Federal-gov,225515, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +>50K,27, Private,153291, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,40, Private,169885, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,112780, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,31, Local-gov,175778, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,55213, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1977,52, United-States +>50K,48, Private,38950, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,64, Self-emp-not-inc,65991, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,45, United-States +<=50K,39, Private,174330, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Private,35224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,175622, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,164678, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,50, ?,87263, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +>50K,54, Private,163671, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,65, United-States +<=50K,17, Self-emp-not-inc,181317, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,33, Federal-gov,177945, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,47168, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,190023, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,168782, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,59, Private,175290, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,32, United-States +<=50K,74, Private,145463, 1st-4th,2, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,0,15, United-States +>50K,54, Private,159755, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,113364, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,487742, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,304710, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +>50K,54, Local-gov,185846, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,42, Private,212894, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407,0,40, United-States +<=50K,57, Self-emp-not-inc,315460, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,49, Private,135643, HS-grad,9, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +>50K,40, Private,220977, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103,0,40, India +<=50K,19, ?,117444, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,202683, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,164866, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +>50K,43, Private,191814, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,32, ?,227160, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,158077, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,38, Private,191103, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,193701, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,40, Private,143046, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,34, Private,206297, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,35, Self-emp-not-inc,188563, HS-grad,9, Divorced, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,53, Private,35102, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,34, United-States +<=50K,21, Private,203055, Some-college,10, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Private,309932, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,243432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,177107, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,64, Self-emp-not-inc,113929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,19, ?,291509, 12th,8, Never-married, ?, Own-child, White, Male,0,0,28, United-States +<=50K,40, Private,222011, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,3325,0,40, United-States +<=50K,34, Private,186824, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,70, United-States +<=50K,46, Private,192768, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,234962, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,32, Private,83253, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,248990, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,346159, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,272656, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,60552, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, State-gov,33798, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,38, Self-emp-not-inc,112158, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,55, Private,200992, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,26, Private,98155, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,79586, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Male,0,0,60, United-States +<=50K,25, State-gov,143062, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,101146, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,18, ?,284450, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,58, State-gov,159021, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,353270, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,162312, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,45, South +>50K,49, State-gov,231961, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,38, Private,181943, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,21, Private,163595, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,28, Private,130856, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,208875, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, El-Salvador +<=50K,29, Self-emp-not-inc,58744, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +<=50K,48, Private,116641, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,40, Private,69333, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,36, Private,320811, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,197886, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,57, Self-emp-not-inc,253914, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, Mexico +<=50K,24, Private,89154, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,32, Private,372317, 9th,5, Separated, Other-service, Unmarried, White, Female,0,0,23, Mexico +<=50K,18, Self-emp-not-inc,296090, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,48, ? +<=50K,39, Private,192614, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,39, Private,403489, 11th,7, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,169652, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,20, Private,217467, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, ?,162104, 9th,5, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,54, Private,175912, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,179533, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,27, Private,149624, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,27, Private,289147, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,347720, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,406978, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,17, Private,193199, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,12, Poland +>50K,37, Self-emp-inc,163998, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,173115, 10th,6, Separated, Exec-managerial, Not-in-family, Black, Male,4416,0,99, United-States +<=50K,33, Private,333701, Assoc-voc,11, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,21, State-gov,48121, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,1602,10, United-States +<=50K,45, Private,186256, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,104525, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,104097, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,60, United-States +<=50K,71, Private,212806, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,23, Local-gov,203353, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,45, United-States +>50K,41, Private,130126, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,21, ?,270043, 10th,6, Never-married, ?, Unmarried, White, Female,0,0,30, United-States +<=50K,47, Private,218435, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,20, Cuba +<=50K,30, Private,154120, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,40, Private,193537, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Dominican-Republic +<=50K,44, Private,84535, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +>50K,50, Private,150999, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,31, State-gov,157673, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,217424, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,24, United-States +<=50K,45, Private,358886, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407,0,50, United-States +<=50K,38, Private,186191, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,78, Self-emp-inc,212660, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,31, Self-emp-inc,31740, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,498785, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,35945, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,45, United-States +<=50K,46, Local-gov,162566, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, Canada +>50K,30, Private,118861, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,34, Private,206609, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,35, United-States +<=50K,30, Federal-gov,423064, HS-grad,9, Separated, Adm-clerical, Other-relative, Black, Male,0,0,35, United-States +>50K,47, Private,191957, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,40, Private,223934, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,17, United-States +<=50K,62, ?,129246, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,195486, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,70, Jamaica +<=50K,40, Private,114580, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Female,0,0,40, Vietnam +<=50K,20, Private,119215, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,240554, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,199067, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,42, United-States +<=50K,51, Private,144084, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,358682, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,59612, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,49, State-gov,391585, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,30, Local-gov,101345, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,26, United-States +<=50K,20, Private,117618, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,231238, 9th,5, Separated, Farming-fishing, Unmarried, Black, Male,0,0,40, United-States +<=50K,42, Local-gov,143046, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,326857, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,2415,65, United-States +>50K,43, Private,203642, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,88579, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,240517, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,70, United-States +<=50K,58, Local-gov,156649, 1st-4th,2, Widowed, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,30, Private,143392, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,365465, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,70, Philippines +<=50K,22, State-gov,264710, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,64, State-gov,223830, 9th,5, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,42, Private,154374, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,43, State-gov,242521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,124569, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,209230, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,21, Private,162228, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,45, Federal-gov,60267, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-not-inc,76901, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,137876, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,70, Self-emp-not-inc,347910, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,27, Local-gov,138917, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Private,532379, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,31532, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,30973, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Private,117295, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,295282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,42, Private,190786, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,246207, Bachelors,13, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,50, Private,130780, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,186212, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,175526, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,207025, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,6849,0,38, United-States +<=50K,39, Federal-gov,82622, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Private,199688, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, ? +<=50K,38, State-gov,318886, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,52, United-States +<=50K,18, Private,256005, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,217715, 5th-6th,3, Never-married, Sales, Not-in-family, White, Female,0,0,3, United-States +>50K,50, Private,205803, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,82, Self-emp-not-inc,240491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +<=50K,33, Private,154120, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,37, Private,69251, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,24, Private,333505, HS-grad,9, Married-spouse-absent, Transport-moving, Own-child, White, Male,0,0,40, Peru +<=50K,31, Private,168521, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,59, Private,193568, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,426895, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,47, Self-emp-not-inc,131826, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,79646, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,167031, Bachelors,13, Never-married, Prof-specialty, Unmarried, Other, Female,0,0,33, United-States +<=50K,34, Private,73199, 11th,7, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,50, Private,114056, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,84, United-States +<=50K,57, Self-emp-not-inc,110417, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,60, Private,33266, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Private,154410, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,56, ?,154537, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,18, Private,27780, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,26, Private,142914, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,75, United-States +>50K,37, Private,190987, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,7298,0,40, United-States +<=50K,20, Private,314422, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,29, Local-gov,273771, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,175083, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,52, United-States +<=50K,21, Private,63665, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,24, Local-gov,193416, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,74275, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,122609, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,225456, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,36, Local-gov,116892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,196971, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,72, United-States +<=50K,20, Private,105312, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Private,108699, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,44, Private,171615, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,388023, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,39, Private,181553, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +>50K,45, Private,170850, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,28, Private,187479, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,277720, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,48, Local-gov,493862, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7298,0,38, United-States +<=50K,27, Private,220754, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,34, Self-emp-not-inc,209768, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,93225, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,341709, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,236242, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,21, Private,121889, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,18, Private,318190, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,63, Self-emp-not-inc,111306, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Female,0,0,10, United-States +<=50K,18, Private,198614, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,8, United-States +<=50K,32, Private,193231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,104614, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,172368, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,60331, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,154568, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,36, Private,192939, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,43, Private,138184, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,1762,35, United-States +>50K,45, Private,238567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +<=50K,30, Private,208068, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,46, Private,181810, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,4064,0,40, United-States +<=50K,24, Federal-gov,283918, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,25, United-States +>50K,42, Private,107276, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,2444,40, United-States +<=50K,23, Private,37783, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,263552, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,255439, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,344275, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,31, Private,70568, 1st-4th,2, Never-married, Other-service, Other-relative, White, Female,0,0,25, El-Salvador +<=50K,18, Private,127827, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,185203, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,123436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,51, Self-emp-not-inc,136322, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1579,40, United-States +<=50K,22, Private,187052, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,72, Private,177769, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,61, Private,68268, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,424855, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3908,0,40, United-States +<=50K,37, Federal-gov,81853, HS-grad,9, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, ? +>50K,30, Self-emp-inc,153549, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,271393, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,198148, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,469602, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,36, Private,163290, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,295949, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,125279, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,64, Local-gov,182866, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,61, Self-emp-not-inc,111563, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,38, Private,34173, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,45, United-States +>50K,27, Private,183627, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,24, Private,197757, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,39, Private,98941, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,205474, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,206659, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,73, ?,191394, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,244661, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,53, Private,47396, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,43, State-gov,270721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,57, State-gov,32694, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,171256, Assoc-acdm,12, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,45, United-States +<=50K,59, Private,169982, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,50, United-States +<=50K,52, Self-emp-not-inc,217210, HS-grad,9, Widowed, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,46, Private,218329, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,386643, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,37, Federal-gov,125933, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,155767, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,39, Federal-gov,432555, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1628,40, United-States +<=50K,30, Private,54929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,59, Private,162136, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,56, United-States +<=50K,22, Private,256504, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,162098, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,39, Self-emp-not-inc,103110, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,227610, 10th,6, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,58, United-States +>50K,63, Private,176696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,220019, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,242984, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,187847, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,132636, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,108887, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,42, Self-emp-not-inc,195897, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,112181, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,12, United-States +<=50K,56, Local-gov,391926, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,195505, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,5, United-States +>50K,31, Private,43819, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,43, United-States +<=50K,23, Private,145389, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,33, ?,186824, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,36, Local-gov,101833, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,82283, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,52, Private,99602, HS-grad,9, Separated, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Private,213276, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,424468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,30, Private,176123, 10th,6, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,32, Private,38797, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,101859, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Private,87158, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,205066, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,26, Private,56929, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, ? +<=50K,34, Private,25322, Bachelors,13, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,2339,40, ? +<=50K,31, Private,87950, Assoc-voc,11, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,34, Private,150154, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,142076, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,4787,0,39, United-States +<=50K,30, State-gov,112139, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,149217, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,27, Private,189974, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,109199, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,190290, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,36, Private,189404, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,35, United-States +<=50K,33, Federal-gov,428271, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,22, State-gov,134192, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,47, Private,168211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,34, Private,277314, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Black, Male,0,1902,50, United-States +>50K,44, Federal-gov,316120, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,107276, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,45, ?,112453, HS-grad,9, Separated, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,4, United-States +<=50K,24, Private,346909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, Mexico +<=50K,65, ?,105017, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,317360, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,23, Private,189017, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,54, Private,138179, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,299813, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,37, Dominican-Republic +<=50K,45, Private,265083, 5th-6th,3, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,35, Mexico +<=50K,50, Private,185846, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,184655, Assoc-acdm,12, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,24, Private,200295, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,117319, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,50, Private,63000, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,58, Self-emp-not-inc,106942, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,47, Private,52795, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +>50K,37, Private,51264, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, France +<=50K,37, Self-emp-not-inc,410919, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,22, Private,105592, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Self-emp-not-inc,183151, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,45, Private,209912, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,49, Self-emp-not-inc,275845, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,44, Local-gov,241851, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,4386,0,40, United-States +<=50K,72, Private,89299, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,63, Self-emp-not-inc,106648, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,12, United-States +<=50K,26, Private,58426, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,121912, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,40, Private,170730, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,257555, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,51499, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,28, Private,195000, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,45, United-States +<=50K,57, Private,108741, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,37, Private,184964, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,156815, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,49325, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,121718, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Germany +<=50K,18, Private,172076, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,57, Self-emp-not-inc,327901, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Local-gov,215990, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,38, Private,210866, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,322873, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Private,265698, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,70, ?,26990, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,177896, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,189107, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,306830, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Nicaragua +<=50K,72, Federal-gov,39110, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, Canada +<=50K,33, Private,155475, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,135803, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,25, Philippines +>50K,48, Private,117849, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,64, Self-emp-not-inc,339321, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,19, Private,318822, 11th,7, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,174794, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,204277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,48, United-States +>50K,55, Private,182460, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,35, United-States +<=50K,24, Private,193920, Masters,14, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, ? +<=50K,42, Federal-gov,91468, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,106760, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, Canada +<=50K,34, Private,375680, Assoc-acdm,12, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,55, Self-emp-inc,222615, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,190968, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,76767, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,50, Self-emp-not-inc,203098, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,47, Local-gov,162187, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,25, Private,242729, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,253784, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,30, Private,206051, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,181553, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,73, Self-emp-inc,80986, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,200783, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,42596, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,464502, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Male,0,0,40, ? +>50K,66, Private,205724, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,22, Private,446140, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,69, Local-gov,32287, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +<=50K,23, Private,56774, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,308118, Bachelors,13, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, ? +<=50K,35, Private,176279, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,103277, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,70, Self-emp-inc,225780, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,54, Private,154728, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +<=50K,34, Private,149943, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +>50K,38, State-gov,22245, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,93056, 7th-8th,4, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,270522, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,26, United-States +<=50K,60, Self-emp-inc,123218, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,81, Self-emp-not-inc,123959, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,1668,3, Hungary +<=50K,32, Self-emp-not-inc,103642, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,157747, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,46, Self-emp-not-inc,154083, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, State-gov,23037, Some-college,10, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,23, ?,226891, HS-grad,9, Never-married, ?, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +<=50K,29, Private,50028, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,138251, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,369825, 7th-8th,4, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,36, Federal-gov,44364, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,36, United-States +<=50K,23, Private,230704, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,22, United-States +<=50K,35, Private,42044, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,28, Local-gov,56340, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,33, State-gov,156015, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,163434, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,85251, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,38, Self-emp-inc,187411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,155124, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +>50K,25, Private,396633, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,56, United-States +>50K,45, Private,182313, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,52596, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,66, ?,260111, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,65, Local-gov,143570, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,30, Private,160634, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,29909, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,43, United-States +<=50K,49, Private,94215, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,151990, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, United-States +>50K,48, Federal-gov,188081, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,218445, 5th-6th,3, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,12, Mexico +<=50K,77, Private,235775, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, Cuba +<=50K,19, Private,98605, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,188398, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,41, Self-emp-inc,140365, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +>50K,35, Private,202950, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Iran +<=50K,20, Private,218215, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,66, Self-emp-inc,197816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,40, United-States +<=50K,49, Private,147002, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, Puerto-Rico +>50K,52, Private,138497, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,24, Private,57711, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,50, Private,169925, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,72310, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,19, Private,170800, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,215095, 11th,7, Never-married, Prof-specialty, Unmarried, White, Female,0,0,30, Puerto-Rico +<=50K,45, Private,480717, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,38, ? +<=50K,61, Local-gov,34632, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,45, Private,140664, Assoc-acdm,12, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,36, Local-gov,177858, Bachelors,13, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,160369, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,45, United-States +<=50K,38, Private,129102, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Local-gov,278522, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,29, Federal-gov,124953, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +<=50K,33, Private,63184, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,165815, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,248584, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +>50K,46, Local-gov,226871, Bachelors,13, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,50, United-States +>50K,44, Private,267717, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,19, Private,60367, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,13, United-States +>50K,44, Private,134120, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,95639, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,132053, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,2, United-States +<=50K,24, Private,138768, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,76, Private,203910, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,17, United-States +<=50K,20, Private,109952, HS-grad,9, Married-civ-spouse, Tech-support, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,155781, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,49398, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,159303, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,248339, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,190539, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,50, United-States +<=50K,30, Private,183620, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,48, Private,25468, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,99999,0,50, United-States +<=50K,42, Private,201495, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,52221, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,96460, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +>50K,42, Private,325353, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,42, United-States +<=50K,28, Self-emp-not-inc,176027, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,42, Local-gov,266135, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +>50K,60, State-gov,194252, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103,0,40, United-States +<=50K,76, ?,164835, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, Private,363192, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,31360, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,63503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,157614, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,38, United-States +>50K,45, Private,160647, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,4687,0,35, United-States +<=50K,38, Private,363395, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,338376, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,87523, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,280714, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,119565, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,171482, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,40, Self-emp-inc,49249, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,331552, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,45, Private,174426, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,184105, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,28, United-States +<=50K,29, Private,37933, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,291529, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,13, United-States +<=50K,23, Private,376416, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,263612, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, Haiti +<=50K,23, Private,227471, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,39, Private,191103, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,35644, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,227298, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, State-gov,187508, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,184378, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Puerto-Rico +<=50K,52, Self-emp-not-inc,190333, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +<=50K,48, Private,155372, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,36, United-States +<=50K,37, Private,259882, Assoc-voc,11, Never-married, Sales, Unmarried, Black, Female,0,0,6, United-States +<=50K,36, Private,217077, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,103596, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,188236, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,353010, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,10, United-States +<=50K,42, Local-gov,70655, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,64874, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,219240, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,22, United-States +<=50K,50, Self-emp-inc,104849, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,40, Private,173590, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,412316, HS-grad,9, Never-married, Sales, Other-relative, Black, Male,0,0,40, ? +<=50K,57, Self-emp-inc,195835, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,170579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,230545, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,71, Private,162297, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,47, Private,169549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,117528, Bachelors,13, Never-married, Other-service, Other-relative, White, Female,0,0,45, United-States +<=50K,25, Private,273876, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,33, Private,529104, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,40, State-gov,456110, 11th,7, Divorced, Transport-moving, Unmarried, White, Female,0,0,52, United-States +<=50K,39, ?,180868, 11th,7, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Private,170301, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,2829,0,40, United-States +<=50K,33, Private,55717, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,166181, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,36, United-States +>50K,24, Private,52242, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,224629, Masters,14, Never-married, Exec-managerial, Not-in-family, Other, Male,0,0,30, Cuba +<=50K,20, Private,197997, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,46144, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,34, State-gov,180871, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,212311, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,232874, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,175999, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,177121, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,58, United-States +<=50K,57, Private,299358, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,1719,25, United-States +<=50K,20, ?,326624, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,129836, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +<=50K,24, Private,225515, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,145664, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,37, Private,151764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,183523, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,257869, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,28, Columbia +<=50K,40, Private,73025, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, China +<=50K,18, Private,165532, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,51, Federal-gov,140035, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,325159, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,64, Federal-gov,161926, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,8, United-States +<=50K,24, Private,163665, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,2174,0,40, United-States +<=50K,33, Private,106938, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,38, United-States +<=50K,31, Private,97453, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,26, Local-gov,242464, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,3103,0,40, United-States +>50K,54, Private,155233, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,14084,0,40, United-States +<=50K,31, Private,248653, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,37, Mexico +<=50K,39, Private,59313, 12th,8, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,45, ? +<=50K,22, Private,141297, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,227325, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Private,123653, 5th-6th,3, Separated, Other-service, Not-in-family, White, Male,0,0,12, Italy +<=50K,59, Federal-gov,176317, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,35, Self-emp-not-inc,77146, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,45, United-States +<=50K,25, Private,169124, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,179413, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,180137, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,17, State-gov,179319, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,45766, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Private,152810, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,59, Private,214052, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,201141, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +<=50K,74, Self-emp-not-inc,43599, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,292536, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,82161, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,180656, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,20, Private,181370, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,80, Private,148623, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,84399, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,143331, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,37, Federal-gov,48779, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,175495, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,24, United-States +<=50K,58, Private,83542, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,214619, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,160035, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,39603, Some-college,10, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, Private,181589, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,32, Columbia +<=50K,33, Private,261511, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,29522, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,36340, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +>50K,41, Private,320984, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +>50K,57, ?,403625, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,23, Private,122346, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,105794, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,14084,0,50, United-States +<=50K,53, Private,152883, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,31, State-gov,123037, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,13, United-States +<=50K,41, ?,339682, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,182074, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,30, Private,248588, 12th,8, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,187584, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Canada +<=50K,36, Private,46706, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,190290, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,247294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Peru +<=50K,22, Private,117779, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,121602, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,451744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,107793, HS-grad,9, Divorced, Other-service, Own-child, White, Male,2174,0,40, United-States +<=50K,35, Private,339772, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,185582, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,43, United-States +<=50K,26, Private,260614, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,53220, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,43, Private,213844, HS-grad,9, Married-AF-spouse, Craft-repair, Wife, Black, Female,0,0,42, United-States +<=50K,33, Private,213226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,58582, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,52, Private,193116, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,38, Local-gov,201410, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,190525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,57, Self-emp-not-inc,138285, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Iran +>50K,51, Private,111939, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,109277, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,32, Private,331539, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, China +>50K,32, Private,396745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,48, United-States +<=50K,37, Private,126675, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,349022, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,33, United-States +<=50K,33, ?,98145, Some-college,10, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Male,0,0,30, United-States +>50K,37, Private,234901, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,36, Private,100681, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,2463,0,40, United-States +>50K,47, Self-emp-not-inc,265097, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,237379, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,44793, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,65, United-States +<=50K,17, Private,270942, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,35, Mexico +<=50K,56, Private,193622, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,90, Local-gov,187749, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,20, Philippines +<=50K,27, Private,160178, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,38, Private,680390, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,33, Private,96245, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,34803, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,170091, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,42, Private,231813, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,23789, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, State-gov,438711, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,66, Private,169804, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,66, Local-gov,376506, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,3273,0,40, United-States +<=50K,49, Private,28791, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,162814, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,45, United-States +>50K,38, Private,58108, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-inc,102226, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,209131, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,46, Self-emp-not-inc,157117, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,172865, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,29798, 12th,8, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,71, ?,229424, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Local-gov,80680, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,1151,0,35, United-States +>50K,52, Local-gov,238959, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,32, United-States +<=50K,27, Private,189462, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +<=50K,52, Private,139347, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,188108, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,4101,0,40, United-States +>50K,37, Self-emp-inc,111128, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,81540, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,257562, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,59496, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,29974, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,102597, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,69, Private,41419, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,118565, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,54, State-gov,312897, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, England +<=50K,17, Private,166290, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,34, Private,160261, HS-grad,9, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,14084,0,35, China +<=50K,32, Self-emp-not-inc,116834, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,5, ? +<=50K,23, Private,203076, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,66, Private,201197, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,61, Private,273803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,156797, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,283896, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,149368, HS-grad,9, Divorced, Sales, Unmarried, White, Male,1151,0,30, United-States +>50K,49, Private,156926, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, ?,163911, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,3, United-States +>50K,56, Self-emp-inc,165881, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,86872, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,167523, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,154950, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,171231, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,62, Private,244933, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,54, Private,256908, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, United-States +<=50K,34, Self-emp-not-inc,33442, Assoc-voc,11, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,126142, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,28, ?,268222, 11th,7, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,167106, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,22, Local-gov,50065, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,34, State-gov,252529, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +>50K,53, ?,199665, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,343579, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,190817, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,41, Self-emp-inc,151089, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,55, United-States +<=50K,46, Private,186820, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,5013,0,40, United-States +<=50K,56, Self-emp-not-inc,210731, 7th-8th,4, Divorced, Sales, Other-relative, White, Male,0,0,20, Mexico +<=50K,42, Private,123816, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,77071, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,2339,35, United-States +<=50K,42, Private,115085, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,43, Private,170525, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,14344,0,40, United-States +<=50K,17, Private,209949, 11th,7, Never-married, Sales, Own-child, White, Female,0,1602,12, United-States +>50K,57, Self-emp-not-inc,34297, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,180985, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Local-gov,33365, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, Canada +<=50K,20, Private,197752, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,16, United-States +<=50K,47, Private,180551, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,77975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,159297, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,48, Private,94342, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,39, Self-emp-inc,34180, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,46, Local-gov,367251, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,72, Self-emp-inc,172407, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,53, Private,303462, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +>50K,47, Federal-gov,220269, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,45093, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, Canada +<=50K,34, Private,101709, HS-grad,9, Separated, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,41, Private,219591, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,76625, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,342599, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,42, Self-emp-inc,125846, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, ? +<=50K,54, Local-gov,238257, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Self-emp-inc,206253, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,172571, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,95165, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,141181, 5th-6th,3, Married-civ-spouse, Adm-clerical, Husband, White, Male,1797,0,40, United-States +<=50K,24, Private,267843, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,35, United-States +>50K,36, Private,181382, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,21, ?,207782, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,68, ?,103161, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,32, United-States +<=50K,20, Private,132320, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,201138, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,239058, 12th,8, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,50, United-States +>50K,39, Self-emp-inc,239755, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,21, Private,176262, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,22, Private,264738, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,42, Germany +<=50K,34, Private,182218, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,318982, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,216666, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +>50K,47, Private,274200, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,65, Private,150095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,192978, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,68021, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,34, Self-emp-not-inc,28568, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,115057, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,139568, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-inc,138497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,40, State-gov,182460, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,38, China +<=50K,22, Private,253310, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,7, United-States +<=50K,29, Self-emp-inc,130856, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,389765, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,42, Federal-gov,52781, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,38, Private,146178, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,22, Private,231053, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,21, ?,145964, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,483450, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +>50K,43, Self-emp-inc,198316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,160614, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Self-emp-inc,325171, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +>50K,54, Self-emp-not-inc,172898, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,50, United-States +<=50K,45, Private,186473, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Local-gov,286967, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,51, Self-emp-not-inc,111939, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,65, Federal-gov,325089, 10th,6, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,143582, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,40, Private,308027, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,58, Private,105060, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,53, Federal-gov,39643, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,58, United-States +>50K,39, Private,186191, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,50, United-States +<=50K,56, Local-gov,267763, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,124293, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,36271, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,143459, 9th,5, Separated, Handlers-cleaners, Own-child, White, Male,0,0,38, United-States +>50K,36, Private,186376, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,59, Self-emp-inc,52822, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,104509, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,184456, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,26, Private,192302, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,22, Private,156822, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,1762,25, United-States +<=50K,25, Private,214413, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,108574, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,41, Private,223934, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,45, Private,200559, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,43, Private,137722, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,261677, 9th,5, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,33, Private,136331, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,34, Private,329993, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,91819, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,31, Private,201122, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +<=50K,48, Private,315423, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,103277, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,47, Private,236805, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,27, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,18, Private,115443, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +>50K,43, Private,150528, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,43701, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Federal-gov,419053, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,183594, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,390348, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,36989, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,3908,0,70, United-States +>50K,48, Private,247895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,75, Private,191446, 1st-4th,2, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,16, United-States +>50K,43, Self-emp-not-inc,33521, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,64, Private,46087, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,67, ?,129188, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,20051,0,5, United-States +<=50K,36, Private,356824, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,158746, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,153323, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,20, United-States +<=50K,73, Self-emp-not-inc,130391, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,46, Private,173613, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,362883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,43, Private,182757, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,50397, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,43, Federal-gov,101709, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,202570, 12th,8, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,48, ? +<=50K,40, Private,145649, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,25, United-States +>50K,36, Private,136343, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-inc,142166, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, ?,242001, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,127089, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,38, United-States +>50K,46, Local-gov,124071, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,65, United-States +<=50K,41, Local-gov,190368, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,29, ?,19793, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,8, United-States +<=50K,28, Private,67661, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,62278, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,30, Federal-gov,295010, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,44, Private,203897, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, Cuba +>50K,27, Private,265314, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,159603, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,34, United-States +<=50K,29, Private,134331, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,123011, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,27, Private,274964, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,34, Private,66309, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,38, Private,73471, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, ?,26671, HS-grad,9, Never-married, ?, Other-relative, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,56, Private,357118, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,35, Self-emp-inc,184655, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,62, United-States +<=50K,23, ?,55492, Assoc-voc,11, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,30, United-States +<=50K,23, Private,175266, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,188008, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,42, Private,87284, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,35, United-States +>50K,46, Private,330087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,48, Self-emp-inc,56975, HS-grad,9, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,84, ? +<=50K,27, Private,150025, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,22, ?,189203, Assoc-acdm,12, Never-married, ?, Other-relative, White, Male,0,0,15, United-States +>50K,49, Self-emp-inc,330874, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,136824, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,201179, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,324654, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, China +<=50K,25, Federal-gov,366207, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,103860, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,106700, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,27, United-States +<=50K,54, Local-gov,163557, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Self-emp-inc,286261, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,123083, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,75, Self-emp-inc,125197, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,26, United-States +<=50K,28, Self-emp-not-inc,278073, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,30, United-States +<=50K,50, Private,133963, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,62, Self-emp-not-inc,71467, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,76487, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,215245, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,37, United-States +<=50K,24, Federal-gov,127185, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,179720, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +>50K,40, Private,88909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,45, Private,341995, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,42, United-States +<=50K,48, Private,173938, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,344275, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,23, Private,150463, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Other, Female,0,0,40, Guatemala +>50K,43, Local-gov,209544, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,50, United-States +<=50K,42, Local-gov,201723, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,343476, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, Japan +<=50K,52, Self-emp-inc,77392, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,21, ?,171156, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,56, Self-emp-not-inc,357118, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,48, Federal-gov,167749, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,352882, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,70, South +<=50K,25, Private,51201, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,40, Private,365986, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,400416, 11th,7, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,45, United-States +<=50K,52, Private,31533, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,106900, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,42, United-States +<=50K,36, Local-gov,192337, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,118712, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,1504,40, United-States +<=50K,28, Private,301654, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,145162, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, ? +<=50K,20, Private,88126, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,9, England +>50K,68, Private,165017, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +<=50K,35, Private,238342, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,857532, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,64, Private,134378, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,260797, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,23, United-States +<=50K,25, Private,138765, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,74, ?,256674, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,31, Private,247444, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Columbia +>50K,51, State-gov,454063, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,67, Private,180539, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,10, United-States +<=50K,42, Private,397346, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,29, Private,107160, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,262024, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,131230, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,67, Private,274451, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +>50K,41, State-gov,365986, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,204515, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,51, Private,99316, 12th,8, Divorced, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,21, ?,206681, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,268726, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,21, Private,275395, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,383322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,126822, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,39, Self-emp-inc,168355, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,21, Private,162667, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Columbia +<=50K,43, Private,373403, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,274562, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,14344,0,40, United-States +<=50K,28, Private,249362, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,31, Private,111567, 9th,5, Never-married, Sales, Not-in-family, White, Male,0,0,43, United-States +<=50K,18, ?,216508, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,145784, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,34, State-gov,209317, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,259505, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,345360, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, England +>50K,43, Local-gov,198096, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,40, Self-emp-inc,33126, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,206354, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,25, Private,1484705, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,25, United-States +<=50K,21, Private,26410, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,220901, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,49, Self-emp-inc,44671, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,38620, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,36, Private,89040, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,47, United-States +<=50K,32, Private,370160, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,208946, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,32, United-States +<=50K,21, Private,131230, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,25, Private,60358, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,350853, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, ? +<=50K,24, Private,209782, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,351952, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,26, Private,142081, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Mexico +<=50K,22, Private,164775, 9th,5, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Guatemala +>50K,41, Local-gov,47858, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,404085, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,218678, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,184655, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,48, United-States +<=50K,36, Private,321760, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,45, Local-gov,185399, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,0,0,55, United-States +>50K,38, Local-gov,409200, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,38, Private,40077, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,31740, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Local-gov,233722, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,192039, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,222618, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,30, United-States +>50K,45, State-gov,213646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,31, Local-gov,194141, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,47, State-gov,80282, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,166350, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Federal-gov,60641, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,33, Private,124827, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,105438, HS-grad,9, Separated, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,85244, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,120535, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Local-gov,269604, 5th-6th,3, Never-married, Other-service, Unmarried, Other, Female,0,0,40, El-Salvador +<=50K,27, Private,247711, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,45, Private,380922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,281221, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,23, Private,269687, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,181758, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,61, Federal-gov,136787, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,107882, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,172579, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,29933, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,35, Federal-gov,38905, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,168826, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,424034, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,117509, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,196971, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,43, United-States +<=50K,64, Private,69525, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,20, United-States +<=50K,22, Private,374116, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,283913, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,65, England +<=50K,36, State-gov,147258, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,139903, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,52, Private,112959, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,264148, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,256211, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,24, Vietnam +<=50K,29, Self-emp-not-inc,142519, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,281852, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,80, United-States +<=50K,38, Private,380543, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,50, Self-emp-not-inc,204402, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,50, Private,192203, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,199005, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,17, Self-emp-inc,61838, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,210095, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0,0,40, Mexico +<=50K,19, Private,187352, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,32451, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Private,140569, Some-college,10, Separated, Sales, Not-in-family, White, Male,14084,0,60, United-States +<=50K,39, Private,87556, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,6849,0,40, United-States +<=50K,18, Private,79443, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,27, Private,212622, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,32650, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +>50K,44, Private,125461, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,219867, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Local-gov,206609, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,101299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,29437, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,65, Private,87164, 11th,7, Widowed, Sales, Other-relative, White, Female,0,0,20, United-States +>50K,57, Self-emp-inc,146103, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,169324, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,32, Haiti +<=50K,46, Private,138370, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,1651,40, China +<=50K,27, Private,29523, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,29, Local-gov,383745, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1485,40, United-States +<=50K,21, ?,247075, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,25, United-States +<=50K,20, ?,200967, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,51, ?,175985, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,189404, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,40, United-States +<=50K,29, Self-emp-not-inc,267661, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,30, Local-gov,182926, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,40, United-States +<=50K,65, Private,243858, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,20, ?,43587, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,47, Federal-gov,31339, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,204682, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,2174,0,40, Japan +<=50K,17, Private,73145, 9th,5, Never-married, Craft-repair, Own-child, White, Female,0,0,16, United-States +<=50K,38, Local-gov,218184, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +>50K,38, Local-gov,223237, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,93319, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,4, United-States +<=50K,24, ?,212300, HS-grad,9, Separated, ?, Not-in-family, White, Female,0,0,38, United-States +<=50K,52, Private,187356, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,41, United-States +>50K,46, Self-emp-not-inc,220832, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,58, United-States +<=50K,22, Private,211361, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,56, Private,134195, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Self-emp-not-inc,218249, 11th,7, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,30, United-States +>50K,59, Private,70720, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, Self-emp-not-inc,342384, 11th,7, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,2129,55, United-States +<=50K,31, Private,237317, 9th,5, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,45, United-States +<=50K,22, Private,359759, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,20, Philippines +>50K,48, Self-emp-not-inc,181758, Doctorate,16, Never-married, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,63, Self-emp-inc,267101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,33, Private,222221, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,53, Private,55139, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,10, United-States +>50K,38, Private,220237, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,39, Private,101073, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,59, Private,69884, Prof-school,15, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,45, Private,201127, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,164733, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,60, State-gov,129447, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,38, Private,32837, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,56, United-States +<=50K,31, Private,200117, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,219183, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,66, ?,188842, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,26, Private,272669, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,20, South +>50K,60, Self-emp-inc,336188, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,80, United-States +<=50K,68, ?,191288, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,176185, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Male,0,0,60, United-States +<=50K,25, Local-gov,197728, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Local-gov,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,26, ?,133373, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,44, United-States +>50K,55, Private,197399, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,66, Private,86010, 10th,6, Widowed, Transport-moving, Not-in-family, White, Female,0,0,11, United-States +<=50K,31, Private,228873, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,187415, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,50, ? +>50K,58, Self-emp-inc,112945, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,27828,0,40, United-States +>50K,56, Private,98361, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,22, Private,129172, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,46, Local-gov,316205, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,226629, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,26, State-gov,180886, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,42, Self-emp-not-inc,69333, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,213620, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,197397, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0,0,6, Puerto-Rico +<=50K,19, Private,223648, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, ? +<=50K,27, Private,179915, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,99, United-States +>50K,51, Private,339905, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,42, Private,112956, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,421837, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, Mexico +>50K,38, Private,187999, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,77313, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,231948, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,64, United-States +<=50K,37, Private,37109, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,60, Philippines +>50K,29, Private,79387, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, ?,133963, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,177937, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,45, Poland +<=50K,80, Private,173488, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,61, Private,183355, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,147989, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,52, United-States +<=50K,20, Private,289944, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,62278, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,48, Federal-gov,110457, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,295763, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,71, State-gov,100063, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,194962, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,6, United-States +<=50K,39, Federal-gov,227597, HS-grad,9, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,117606, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,67, Federal-gov,44774, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,177648, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,38, Private,172571, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,54, United-States +<=50K,38, ?,203482, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,153931, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,84774, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,157127, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,26, Private,170786, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,281030, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Private,203761, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,10520,0,40, United-States +<=50K,27, Private,167405, HS-grad,9, Married-spouse-absent, Farming-fishing, Own-child, White, Female,0,0,40, Mexico +>50K,40, Local-gov,188436, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +<=50K,43, Private,388849, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +>50K,31, State-gov,176998, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,57, Private,200316, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,160300, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,22, Private,236684, Assoc-voc,11, Never-married, Other-service, Own-child, Black, Female,0,0,36, United-States +<=50K,20, Local-gov,247794, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,267325, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,3464,0,40, United-States +<=50K,39, Private,279490, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Mexico +<=50K,27, State-gov,280618, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,248406, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,226494, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Private,220460, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,25, Private,108317, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,29, State-gov,147256, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Private,110371, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,62, Private,114060, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,91, United-States +<=50K,29, Federal-gov,31161, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Other, Female,0,0,40, United-States +>50K,44, Private,105862, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,70, United-States +<=50K,32, Private,402089, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,2, United-States +<=50K,19, ?,425447, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,137300, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,65, State-gov,326691, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,275093, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,36, United-States +>50K,37, Self-emp-not-inc,112497, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, Local-gov,174491, HS-grad,9, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,114835, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +<=50K,28, Private,137898, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,33, Private,153151, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,4416,0,40, United-States +>50K,32, Private,134886, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,38, Private,193815, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,237833, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,101593, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,164924, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,174201, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,47, Local-gov,36169, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,144071, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,180859, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,8, United-States +<=50K,54, Private,221915, Some-college,10, Widowed, Craft-repair, Unmarried, White, Female,0,0,50, United-States +>50K,40, Private,26892, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,351084, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,97306, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Female,0,0,25, United-States +>50K,30, Private,185027, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,182539, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,215395, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,37, United-States +>50K,37, Private,186434, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,41, ?,217921, 9th,5, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,52, Local-gov,346668, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,57, Self-emp-inc,412952, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,167009, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +>50K,58, Private,316000, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,216256, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,341835, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,169841, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,26, Self-emp-not-inc,200681, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,46, Self-emp-not-inc,456956, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,26, Federal-gov,276075, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,50, Federal-gov,96657, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,22, Private,374313, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,110998, Masters,14, Widowed, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +>50K,30, Private,53285, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +>50K,58, Private,104613, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, ?,303317, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,72, Private,298070, Assoc-voc,11, Separated, Other-service, Unmarried, White, Female,6723,0,25, United-States +<=50K,19, Private,318822, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,375078, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Mexico +<=50K,20, ?,232799, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +<=50K,30, Private,210851, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,213745, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,51, Private,204447, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,318934, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,237386, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,44, Private,182629, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,24, Iran +>50K,43, Private,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,117166, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Private,237630, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,50, United-States +>50K,41, Private,171550, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,165302, Some-college,10, Divorced, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,39, State-gov,42186, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,3464,0,20, United-States +<=50K,54, Private,284952, 10th,6, Separated, Sales, Unmarried, White, Female,0,0,43, Italy +<=50K,62, Private,96099, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,198759, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,227886, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Female,0,0,35, Jamaica +<=50K,32, Private,391874, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,184370, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,84, Local-gov,135839, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,14, United-States +<=50K,46, Private,194698, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,67, Local-gov,342175, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,2009,0,40, United-States +>50K,29, Private,67218, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,205152, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,23, Private,434467, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +>50K,63, ?,110150, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,55, ?,123382, HS-grad,9, Separated, ?, Not-in-family, Black, Female,0,2001,40, United-States +<=50K,42, State-gov,404573, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,99462, 11th,7, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,60, Private,170310, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,199883, 12th,8, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,70034, 7th-8th,4, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, Portugal +<=50K,31, Private,393357, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,48, United-States +>50K,65, ?,249043, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,10605,0,40, United-States +>50K,31, Private,72630, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,50, United-States +<=50K,61, Private,223133, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +>50K,43, State-gov,345969, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, State-gov,195520, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,49, United-States +<=50K,39, Private,257942, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Local-gov,269300, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,27, United-States +<=50K,47, Private,137354, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,45, Federal-gov,232997, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,77266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Self-emp-not-inc,164190, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,153536, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,44, United-States +>50K,51, Local-gov,26832, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,188096, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,72, United-States +>50K,48, Self-emp-inc,369522, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,20, Private,110998, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,30, United-States +>50K,32, Private,205152, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,31, ?,163890, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,358631, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,50, Private,185354, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,336061, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, ?,47011, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,49, Private,149949, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1876,40, United-States +<=50K,30, Private,59496, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,32950, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,109912, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,32, United-States +<=50K,24, Private,199555, Assoc-voc,11, Never-married, Sales, Unmarried, White, Male,0,0,5, United-States +<=50K,28, Private,91299, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,56, Private,99359, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1617,40, United-States +<=50K,38, Private,242559, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, Private,286391, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,2176,0,20, United-States +<=50K,82, Private,132870, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,4356,18, United-States +>50K,52, Federal-gov,22428, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,239150, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,170563, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +>50K,36, Private,173542, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,286026, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,72887, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,3411,0,40, United-States +<=50K,49, Local-gov,163229, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,40, Local-gov,165726, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,70055, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,184655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,139906, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,81, United-States +<=50K,32, Local-gov,198211, Assoc-voc,11, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,146540, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Local-gov,132304, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,190916, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Never-worked,237272, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,44, Private,755858, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +>50K,52, Private,127315, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,304302, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Private,184942, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,267989, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,188377, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, State-gov,221059, Masters,14, Married-civ-spouse, Prof-specialty, Other-relative, Other, Female,7688,0,38, United-States +<=50K,26, Private,340787, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Private,140782, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,38, United-States +<=50K,57, Private,169071, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,28, United-States +<=50K,36, Self-emp-not-inc,151094, Assoc-voc,11, Separated, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,27, Private,122922, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,151141, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,30, Private,136651, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,37, Private,177285, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,48, United-States +<=50K,31, Local-gov,128016, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,200318, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,32, Private,250354, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,45, United-States +>50K,58, Private,191069, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,27856, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,8, United-States +>50K,44, Private,523484, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,39, Federal-gov,257175, Bachelors,13, Divorced, Tech-support, Unmarried, Black, Female,0,625,40, United-States +>50K,59, Private,174864, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,45, United-States +>50K,42, Private,196029, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,200471, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,20, Private,353195, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,35, Private,222868, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,221791, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,56, Private,197114, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +>50K,48, Private,160220, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,274917, Masters,14, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,348460, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,112683, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,48, Private,345831, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,105370, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,70, United-States +<=50K,48, Private,345006, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,55, Private,195329, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,2202,0,35, Italy +<=50K,40, Local-gov,108765, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,138022, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,175029, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,189574, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,55, Self-emp-not-inc,141409, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +>50K,36, Self-emp-not-inc,186035, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,39, Private,165235, Bachelors,13, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,22, Private,105043, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,230684, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,34, Private,345705, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1408,38, United-States +<=50K,33, Private,248584, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,55, Private,436861, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,14084,0,40, United-States +>50K,35, Private,200153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,398625, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,114043, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,169544, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,343849, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,33, Private,162572, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,24, Private,291578, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,136162, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,60, Self-emp-inc,376133, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,15, United-States +<=50K,48, Self-emp-inc,302612, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Local-gov,240166, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,193152, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,1408,40, United-States +<=50K,42, Private,248094, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,43, United-States +>50K,44, Private,119281, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,73, Self-emp-not-inc,300404, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,6, United-States +<=50K,21, Private,82847, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Self-emp-inc,161153, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,55, United-States +>50K,43, Federal-gov,287008, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,654141, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,32, United-States +<=50K,30, Private,252646, Some-college,10, Separated, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +<=50K,54, Private,171924, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,219742, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,55, State-gov,153788, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,20, Private,60639, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,53, Private,96062, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +>50K,51, Private,165614, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,159888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,110586, Some-college,10, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,143062, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,17, Self-emp-inc,413557, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,137658, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,398931, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,311764, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,58, Private,98725, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,38, Private,140854, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,97304, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,2346,0,40, ? +<=50K,26, Federal-gov,352768, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, ?,27184, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,72, ?,237229, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,60, Private,142494, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,27, Private,210313, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Guatemala +>50K,38, Private,194538, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,37, Self-emp-inc,26698, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1485,44, United-States +<=50K,28, Private,211032, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,107909, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,29, Private,136077, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,184737, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,1721,40, United-States +<=50K,28, Private,214689, Bachelors,13, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,70, ?,147558, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +>50K,40, Self-emp-not-inc,93793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,247025, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,284403, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +>50K,29, Private,221977, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,25, Federal-gov,339956, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,29, Private,161097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,60, Private,223696, 1st-4th,2, Divorced, Craft-repair, Not-in-family, Other, Male,0,0,38, Dominican-Republic +<=50K,31, Private,234500, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,51, Local-gov,97005, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,242615, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,174938, Bachelors,13, Divorced, Tech-support, Unmarried, White, Male,0,0,20, United-States +>50K,35, Private,160120, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,48, Private,193775, Bachelors,13, Divorced, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,78, Self-emp-not-inc,59583, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,72, Private,157913, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,17, United-States +<=50K,24, Private,308205, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,58, ?,158506, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,36, Private,201769, 11th,7, Never-married, Protective-serv, Not-in-family, Black, Male,13550,0,40, United-States +<=50K,48, Private,330470, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,28, Private,184078, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,123384, Masters,14, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,330132, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,47, Private,274720, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Jamaica +>50K,50, Private,129673, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Federal-gov,205584, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,17, Private,327127, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,225892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,37, Private,224886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,35, Local-gov,27763, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,56, Private,73684, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,23, Private,107452, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,23871, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +>50K,79, Self-emp-inc,309272, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,469864, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,55, Private,286230, 11th,7, Divorced, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,59, State-gov,186308, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,113062, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,86150, 11th,7, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,19, Philippines +<=50K,41, Private,262038, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +<=50K,32, Private,279231, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,67, ?,188903, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,2414,0,40, United-States +<=50K,45, Private,183786, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,61, Private,339358, 5th-6th,3, Married-civ-spouse, Farming-fishing, Other-relative, White, Female,0,0,45, Mexico +<=50K,34, Private,287737, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,99203, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,297449, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,35, Private,113481, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,204042, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +>50K,24, Private,43387, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, England +<=50K,37, Private,99233, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,313729, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,42, Private,99679, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,169745, 7th-8th,4, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,19914, Some-college,10, Widowed, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,15, United-States +>50K,31, Private,113543, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,224241, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-inc,137367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, China +<=50K,32, Private,263908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,280798, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,203849, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,62546, Doctorate,16, Separated, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,40, Private,197344, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,36, Private,93225, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,33, Private,187560, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,23, State-gov,61743, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,21, Private,186648, 10th,6, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,173321, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,32, United-States +>50K,53, State-gov,246820, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,424034, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,53, Self-emp-not-inc,291755, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +<=50K,58, Private,104945, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,60, United-States +>50K,51, Private,85423, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,214235, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,65, United-States +<=50K,35, Self-emp-not-inc,278632, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,27415, 11th,7, Never-married, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,31, Local-gov,143392, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,21, Private,277408, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,39, Self-emp-not-inc,336793, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,36, Private,184112, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,45, United-States +>50K,51, Private,74660, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,395026, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,32, Private,171215, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,56, Private,121362, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,35, Private,409200, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,268965, 12th,8, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,136262, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,141323, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,52, Local-gov,108083, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,82210, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,33, State-gov,400943, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,308489, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,50, United-States +>50K,35, Private,187053, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,60, United-States +<=50K,38, Private,75826, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,413345, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Private,356567, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,223811, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,159313, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,250170, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,135617, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,187346, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,108103, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,255476, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,24, Private,68577, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,155961, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,35, Jamaica +<=50K,22, State-gov,264102, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,39, Haiti +<=50K,37, Private,167777, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +>50K,36, Private,225399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,28, Private,199998, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,55, Private,199856, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,29, ?,189765, 5th-6th,3, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,193042, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,66, ?,222810, Some-college,10, Divorced, ?, Other-relative, White, Female,0,0,35, United-States +<=50K,47, Local-gov,162595, Some-college,10, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,45, United-States +<=50K,23, Private,208826, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,120190, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Self-emp-not-inc,27242, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,51, Private,348099, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,1590,40, United-States +<=50K,34, Private,185041, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,45, United-States +<=50K,28, Private,309196, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,52, State-gov,254285, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,70, Germany +>50K,39, Self-emp-inc,336226, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,60, United-States +>50K,43, Private,240698, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,36, Private,411797, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,25, Private,178843, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,42, Private,136177, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,35, Private,243409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Germany +>50K,43, Private,258049, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,53, United-States +<=50K,34, Private,164748, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,24185, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,167476, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,44, Private,106900, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,52, Private,53497, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,335704, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,36, Private,211022, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,163003, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,52, Taiwan +>50K,36, Self-emp-inc,77146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,39, Private,67433, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,458549, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,96, Mexico +<=50K,26, Private,190469, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,195411, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,20, Private,216889, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,70, ?,336007, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,167350, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,241857, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,35, United-States +>50K,48, Private,125892, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,272209, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,99, United-States +<=50K,48, Private,175221, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,180195, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,38090, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,44, United-States +<=50K,58, Private,310085, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,118686, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, ?,112963, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,120131, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, ? +<=50K,19, Private,43937, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,37, Private,210438, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,176724, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,31, Self-emp-not-inc,113364, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Self-emp-not-inc,73986, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,28, Local-gov,197932, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,32, Private,193285, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,49, Local-gov,223342, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,35, Private,49749, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,211553, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,45, Private,201865, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,39, Private,322143, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,70, United-States +<=50K,55, Private,158702, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,2339,45, ? +>50K,46, Self-emp-not-inc,275625, Bachelors,13, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,60, South +<=50K,19, Private,206599, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,29, Private,89813, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Scotland +<=50K,25, State-gov,156848, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,35, United-States +<=50K,37, Private,162494, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,205407, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,375313, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Federal-gov,930948, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,6497,0,56, United-States +<=50K,32, Private,127895, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,34, Private,248754, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,188096, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,20, Private,216811, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Self-emp-inc,113870, Masters,14, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,343052, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,280966, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,42044, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, Private,309513, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,163604, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,52, Private,224198, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,50, Private,338283, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,242375, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,81286, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +<=50K,31, Private,217803, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, Self-emp-not-inc,323020, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,41, Private,34278, Assoc-voc,11, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,184579, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,210781, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,20, Private,142673, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,131714, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,25, United-States +<=50K,51, Local-gov,74784, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Local-gov,181372, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,33, United-States +<=50K,23, ?,62507, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,12, United-States +>50K,48, Private,155664, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +>50K,39, Private,174924, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,14344,0,40, United-States +<=50K,62, Private,113440, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,147227, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Federal-gov,207022, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,51, Local-gov,123011, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,35, United-States +<=50K,20, Private,184678, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,32, United-States +>50K,40, Self-emp-inc,182437, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,98639, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,174201, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,123780, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,20, Private,374116, HS-grad,9, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,37, Local-gov,212005, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,123965, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,242619, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +>50K,60, Local-gov,138502, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,48, United-States +<=50K,27, Private,113635, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Ireland +>50K,62, Private,664366, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,218311, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,278557, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,314773, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,194861, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,400616, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,208117, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Private,184498, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,117674, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,162621, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,14, United-States +<=50K,23, Private,368739, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Self-emp-not-inc,196994, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,63, Self-emp-not-inc,420629, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +>50K,62, Self-emp-inc,245491, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,99999,0,40, United-States +>50K,51, Self-emp-not-inc,276456, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,3103,0,30, United-States +<=50K,76, Local-gov,169133, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,50, Private,99307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,45, United-States +>50K,45, Self-emp-inc,120131, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,456236, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,51, Private,107123, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,42, Local-gov,125461, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,4650,0,35, United-States +>50K,43, Local-gov,36924, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,167065, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,53642, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,154668, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Federal-gov,102238, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,54595, 10th,6, Widowed, Other-service, Not-in-family, Black, Female,0,1980,40, United-States +<=50K,27, Private,152951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,257042, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,74243, Assoc-voc,11, Widowed, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +>50K,49, Private,149049, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,14344,0,45, United-States +<=50K,33, Private,117186, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, Private,178322, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,286911, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,54, Private,203635, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,60, United-States +<=50K,57, Self-emp-not-inc,177271, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,30, Private,149427, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,45, Private,101656, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,41, Private,274363, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,42, United-States +<=50K,25, Private,241025, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +>50K,51, Self-emp-inc,338836, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,210534, 5th-6th,3, Separated, Adm-clerical, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,28, Private,95725, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, ?,178013, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,20, Cuba +<=50K,53, Federal-gov,167410, Bachelors,13, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,31, Private,158162, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,13550,0,50, United-States +>50K,46, Private,241935, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,7688,0,40, United-States +<=50K,25, Federal-gov,406955, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,47, Private,341762, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,239303, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,30, Private,38848, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,54744, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,332194, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,154950, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,196342, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,201292, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,43, Private,339767, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, England +<=50K,26, Private,250066, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,318886, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +>50K,50, Local-gov,124076, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,30, State-gov,242122, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,34019, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,35, Local-gov,230754, Masters,14, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,213842, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,196386, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, El-Salvador +<=50K,32, Self-emp-not-inc,62165, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +>50K,34, Private,134737, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,515629, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,119199, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,90222, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,28443, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,159442, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Ireland +<=50K,54, Private,315804, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,135840, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,38, Private,81232, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,43, Private,118001, 7th-8th,4, Separated, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,207875, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,164898, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Local-gov,170066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +<=50K,47, Private,111994, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,34, United-States +<=50K,45, Private,166636, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,24, State-gov,61737, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,241885, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,234190, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,57, Private,230899, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Private,114158, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,24, United-States +<=50K,28, Private,222442, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, Cuba +<=50K,27, Private,157612, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,28, Private,199903, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,74, ?,292627, 1st-4th,2, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,156687, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,42, Japan +<=50K,27, Private,369522, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,61, Private,226297, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,356017, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,99, United-States +<=50K,28, Private,189257, 9th,5, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,24, United-States +<=50K,20, Private,157541, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,69251, Assoc-voc,11, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, State-gov,272944, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,113667, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,25, United-States +>50K,40, Private,222011, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,43, Private,191196, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,38, Private,169104, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,146679, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,30, United-States +<=50K,56, Private,226985, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,38, Private,153066, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, ?,159303, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,22, Private,200109, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,4508,0,40, United-States +<=50K,18, State-gov,109445, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,68, Private,99491, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,35, Private,172571, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Private,143582, 7th-8th,4, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,48, ? +<=50K,32, Private,207113, 10th,6, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,43, Federal-gov,192712, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,154297, 10th,6, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Private,238913, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,2829,0,24, United-States +<=50K,38, Private,110402, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,207213, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,606111, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, Germany +<=50K,26, Private,34112, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,119156, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,19, Private,249787, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,20, Private,153516, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,25, State-gov,260754, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,155621, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, Columbia +>50K,36, Private,33983, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,23, Private,306601, Bachelors,13, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,24, Private,270075, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,23, Private,109430, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,187115, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,25, Self-emp-not-inc,463667, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,8, United-States +<=50K,24, Private,52262, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,144064, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,62, United-States +<=50K,26, Private,147821, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,45, ? +<=50K,62, ?,232719, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,268620, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,33, United-States +<=50K,45, Private,81132, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,31, Private,323069, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,880,45, United-States +<=50K,34, Private,242984, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +>50K,65, Self-emp-inc,172684, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, Mexico +<=50K,42, Private,103932, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,27, State-gov,431637, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,40, Private,188942, Some-college,10, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, Puerto-Rico +>50K,53, Federal-gov,170354, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,54, Private,28518, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, State-gov,193380, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,35, United-States +>50K,59, Private,175942, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,42, Self-emp-not-inc,53956, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, United-States +<=50K,23, Private,120773, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,96219, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,20, Private,104164, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,190429, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,73, ?,243030, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,47, Self-emp-not-inc,228660, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,40, United-States +<=50K,44, Private,368757, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,220563, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,233571, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,37, United-States +<=50K,39, Private,187847, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +>50K,49, Private,84298, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,44, Self-emp-not-inc,254303, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,109611, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,37, Portugal +<=50K,50, Private,189183, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,39, Private,206951, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,282882, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,55, Private,377061, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,209906, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, Puerto-Rico +<=50K,53, Local-gov,176059, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,31, Private,279015, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,70, Taiwan +<=50K,21, Private,347292, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,277314, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,74, ?,29887, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,10, United-States +>50K,53, Private,341439, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,47, Private,209460, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,47, United-States +>50K,60, Private,114263, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Hungary +<=50K,59, Private,230899, 9th,5, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +>50K,37, Private,271767, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,47, Federal-gov,20956, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,49, Private,39986, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,73, Local-gov,45784, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Female,0,0,11, United-States +<=50K,58, Private,126991, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,18, ?,234648, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,15, United-States +<=50K,35, Private,207676, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,24, State-gov,413345, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,62, Private,122033, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,58, Private,169611, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,51, Private,90363, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +<=50K,21, Private,372636, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Private,340917, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,34273, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,36, Canada +>50K,25, Private,161027, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,5178,0,40, United-States +<=50K,31, Private,99844, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,31, Private,207685, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,34, United-States +>50K,44, Private,74680, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,50, United-States +>50K,52, Self-emp-inc,334273, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +<=50K,30, Private,36069, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,100563, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,174308, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,109413, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,59, Local-gov,212600, Some-college,10, Separated, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,271710, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,70, ?,230816, Assoc-voc,11, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Private,103277, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,42, Private,318947, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,187167, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,32, Private,204742, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,282062, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,283510, HS-grad,9, Never-married, ?, Unmarried, Black, Male,0,0,45, United-States +<=50K,25, Private,280093, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,31, Private,202729, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,205950, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,392286, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,119207, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,49, Private,195554, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,30, Private,173005, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,54, Private,192862, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,39, Private,164712, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,195808, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,199444, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,44, United-States +<=50K,23, Private,126346, 9th,5, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,54, Private,177675, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +<=50K,23, Private,50341, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Private,237943, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,1726,40, United-States +<=50K,23, Private,126945, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,67, ?,92061, HS-grad,9, Widowed, ?, Other-relative, White, Female,0,0,8, United-States +<=50K,19, ?,109938, 11th,7, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +>50K,41, Private,267252, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1902,40, United-States +<=50K,32, Private,174704, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,124771, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,200603, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +>50K,60, State-gov,165827, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +<=50K,21, Private,301199, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,215790, Some-college,10, Widowed, Adm-clerical, Other-relative, White, Female,0,0,22, United-States +>50K,38, Private,87556, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,21, Private,111467, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,82646, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,24, Private,162282, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,239074, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,214925, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,60, United-States +<=50K,23, Private,194247, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,211531, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Local-gov,223267, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,25, Private,201635, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Self-emp-not-inc,188738, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,27, United-States +<=50K,18, Private,133055, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,61761, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,45, United-States +>50K,62, Private,103344, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Male,10520,0,50, United-States +<=50K,29, Private,109814, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,225294, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,35, Self-emp-not-inc,97277, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,52, Private,146711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,286452, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,20308, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,224203, Some-college,10, Widowed, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,225978, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,237720, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +>50K,31, Private,156743, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,76, United-States +<=50K,31, Private,509364, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, Mexico +>50K,46, Private,144351, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,375515, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,57, Self-emp-not-inc,103529, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,25, Private,199472, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,32, Private,348152, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,221166, 9th,5, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,46, Federal-gov,341762, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,17, ?,634226, 10th,6, Never-married, ?, Own-child, White, Female,0,0,17, United-States +<=50K,43, State-gov,159449, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,110238, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,458558, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,20, Federal-gov,340217, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,155106, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,90, Private,90523, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,99, United-States +<=50K,25, Private,122756, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,35, United-States +<=50K,27, Private,293828, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,48, Private,299291, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,48, Federal-gov,483261, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,122038, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,46, Private,160647, Bachelors,13, Widowed, Tech-support, Unmarried, White, Female,0,0,38, United-States +<=50K,32, Private,106541, 5th-6th,3, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,126945, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,24, Private,188505, Bachelors,13, Married-AF-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,377850, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,20, Private,193586, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,18, United-States +<=50K,28, Self-emp-not-inc,315417, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,2176,0,40, United-States +>50K,40, Self-emp-inc,57233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,39, Private,195253, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,172991, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,223215, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,17, Private,95799, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,25, Self-emp-not-inc,213385, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,80, United-States +>50K,49, Local-gov,202467, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,145574, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,34095,0,60, United-States +<=50K,39, Private,147548, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,105216, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,28, Private,77760, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,167990, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Canada +>50K,44, Private,167005, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +>50K,51, Private,108435, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +<=50K,55, Private,56645, Bachelors,13, Widowed, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,45, Local-gov,304973, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,78, United-States +<=50K,32, Private,42596, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,220641, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,101452, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, England +>50K,35, Private,188888, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Local-gov,168790, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +>50K,59, Private,98361, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,401762, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,46, Local-gov,160187, Masters,14, Widowed, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,23, Private,203715, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,144351, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,420749, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Germany +<=50K,51, Private,106151, 11th,7, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,362482, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, State-gov,38151, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,20, Private,42706, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,72, United-States +<=50K,44, Private,126199, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,1831,0,50, United-States +<=50K,26, Private,165510, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Local-gov,216068, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,23, Private,215624, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,40, Private,239708, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Local-gov,199378, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,230420, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,395022, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,338620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,62, Private,210142, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,446358, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,47, Local-gov,352614, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,293528, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,3, United-States +<=50K,44, State-gov,55395, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,128538, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,46, Private,428405, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,126838, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,136836, Assoc-acdm,12, Divorced, Transport-moving, Unmarried, Black, Female,0,0,30, United-States +>50K,48, Private,105838, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,139903, Bachelors,13, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Self-emp-inc,106103, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,186824, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,350387, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,15, United-States +<=50K,17, Private,142912, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,63, ?,321403, 9th,5, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,31, Self-emp-inc,114937, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, ?,286689, Masters,14, Never-married, ?, Not-in-family, White, Male,4650,0,30, United-States +<=50K,35, Private,147258, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1974,40, United-States +<=50K,20, Private,451996, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,149833, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,211968, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,24, United-States +>50K,33, Private,287908, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,36, Private,166549, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,25216, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,286452, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,3418,0,40, United-States +>50K,47, Private,162034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,30, Private,186932, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,75, United-States +<=50K,34, Private,82938, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,122048, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Private,118710, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,243226, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,268514, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,365289, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,165365, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,2885,0,40, Laos +<=50K,20, Private,219266, HS-grad,9, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0,0,36, ? +<=50K,24, Private,283757, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,39, United-States +<=50K,44, Federal-gov,206553, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,113364, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,328949, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,83930, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,31, Self-emp-not-inc,325355, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +<=50K,20, Private,131852, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,119506, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +>50K,47, State-gov,100818, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,162302, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,48, Private,182211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,19, Self-emp-not-inc,194205, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +<=50K,22, Private,141040, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,56, Private,346033, 9th,5, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,177125, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,241174, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, United-States +<=50K,57, Local-gov,130532, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,168496, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,362787, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, ?,244771, 11th,7, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Federal-gov,48123, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Self-emp-inc,173858, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1902,40, South +>50K,32, Private,207201, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,37933, 12th,8, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,56, Private,33323, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Private,175943, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,35, United-States +<=50K,66, ?,306178, 10th,6, Divorced, ?, Not-in-family, White, Male,2050,0,40, United-States +<=50K,71, Local-gov,229110, HS-grad,9, Widowed, Exec-managerial, Other-relative, White, Female,0,0,33, United-States +<=50K,20, Private,113511, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,333677, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,36, United-States +>50K,42, Private,236021, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,20, ?,371089, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,61, Private,115023, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, State-gov,133586, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,91137, 9th,5, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,105598, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,352812, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +<=50K,31, Private,204829, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,247733, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,16, United-States +<=50K,36, ?,370585, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,103257, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,178915, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,54260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,55395, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,233511, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,49, Private,318331, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,195985, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,38876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,81413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,58, Private,172618, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,36, Private,174717, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,67, Private,224984, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,15831,0,16, Germany +>50K,61, Private,423297, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,88856, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, ?,169104, Assoc-acdm,12, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,16, Philippines +<=50K,35, Federal-gov,39207, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,340018, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,38, United-States +<=50K,20, State-gov,30796, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,51, Private,155403, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,23, Private,238092, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,225605, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, United-States +<=50K,36, Private,289148, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,47, Private,339863, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,27, Private,178778, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,29, Private,568490, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,129345, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,447882, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,314165, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +>50K,39, Federal-gov,382859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,82504, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,149700, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,62, Private,209844, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +>50K,49, Private,62546, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,228686, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,326587, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,202091, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,310774, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,450246, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, ?,84375, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,45, United-States +>50K,43, Private,142444, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,55, United-States +<=50K,26, Private,82246, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,38, United-States +<=50K,24, Private,192766, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,53109, 11th,7, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +>50K,45, Self-emp-inc,121836, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, ? +<=50K,45, Self-emp-not-inc,298130, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,26, Private,135645, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,265275, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,54, ?,410114, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Without-pay,232719, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,167716, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +<=50K,68, Private,107627, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,21, Private,129674, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,48, Mexico +<=50K,28, Self-emp-inc,114053, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Private,202560, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,219902, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,0,0,48, United-States +<=50K,50, Self-emp-not-inc,192654, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +<=50K,48, Self-emp-inc,238966, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,112942, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,59, Private,153484, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,23, Private,161874, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Private,260106, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Self-emp-inc,240374, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,251612, 5th-6th,3, Never-married, ?, Unmarried, White, Female,0,0,45, Mexico +<=50K,53, Private,223696, 12th,8, Married-spouse-absent, Handlers-cleaners, Not-in-family, Other, Male,0,0,56, Dominican-Republic +<=50K,52, Private,176134, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,38, Private,186959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Private,456236, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,98948, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,32, United-States +>50K,41, Private,166662, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,448626, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,167482, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +>50K,45, Private,189792, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,399052, 9th,5, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,42, United-States +>50K,40, Private,104196, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,47, Self-emp-not-inc,152752, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,53, Private,268545, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Jamaica +>50K,53, Self-emp-inc,148532, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,33, Local-gov,281784, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,1564,52, United-States +<=50K,24, Private,225724, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,200192, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,170850, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Federal-gov,224858, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +>50K,61, State-gov,159908, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,31, Private,115488, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,1268339, HS-grad,9, Married-spouse-absent, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,42, Private,195755, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Federal-gov,186272, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,181388, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,177181, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,91488, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,20, United-States +<=50K,40, Private,230961, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,75, Self-emp-not-inc,309955, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2174,50, United-States +>50K,40, Local-gov,63042, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,29814, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, ?,116230, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,167678, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,22, Ecuador +>50K,28, Private,191088, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,63814, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,18, United-States +<=50K,36, Private,285865, Assoc-acdm,12, Separated, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,33, ?,160776, Assoc-voc,11, Divorced, ?, Not-in-family, White, Female,0,0,40, France +<=50K,50, Federal-gov,299831, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,880,40, United-States +>50K,47, Private,162741, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024,0,40, United-States +<=50K,48, Private,204990, HS-grad,9, Never-married, Tech-support, Unmarried, Black, Female,0,0,33, Jamaica +<=50K,60, Self-emp-inc,171315, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,296462, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,30, United-States +>50K,32, Private,103860, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Local-gov,159816, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,35, United-States +>50K,51, Private,96586, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,202720, 9th,5, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Male,0,0,75, Haiti +<=50K,34, Private,202822, Masters,14, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, ? +>50K,48, Self-emp-not-inc,379883, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +<=50K,68, ?,123464, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,294121, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,50, United-States +<=50K,63, ?,179981, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,31, Private,234387, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,154537, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,32, Private,125856, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,156015, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,116632, Bachelors,13, Divorced, Sales, Own-child, White, Male,0,0,80, United-States +>50K,50, Private,124963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,38, Self-emp-not-inc,115215, 10th,6, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,254905, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,195532, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,190067, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,1564,40, United-States +<=50K,63, Private,181828, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, ? +<=50K,32, Private,203674, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,880,36, United-States +<=50K,25, Private,322585, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,59, Private,246262, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,211129, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, ? +<=50K,49, Private,139268, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,188540, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, ?,251167, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,30, Mexico +<=50K,46, Private,94809, Some-college,10, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,30, United-States +>50K,37, Local-gov,265038, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,48, Private,182566, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,220109, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,44, United-States +>50K,41, Private,208470, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,28683, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3464,0,40, United-States +<=50K,36, Private,233571, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,4, United-States +<=50K,29, Private,24562, Bachelors,13, Divorced, Other-service, Unmarried, Other, Female,0,0,40, United-States +<=50K,66, Local-gov,36364, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2267,40, United-States +<=50K,59, Private,168569, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,62, Private,167098, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,271579, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,28, Private,191355, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,27, Private,31659, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,60, United-States +>50K,42, State-gov,83411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,60, Private,40856, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,58, Private,115605, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,132326, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,220213, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,172511, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,156745, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,218916, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,306114, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,196675, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,70, United-States +<=50K,59, Self-emp-not-inc,73411, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,36, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,75890, Some-college,10, Widowed, ?, Unmarried, Asian-Pac-Islander, Female,0,0,4, United-States +>50K,35, Private,320451, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,65, Hong +<=50K,33, Private,172498, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,131588, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,45, United-States +>50K,40, Private,124520, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Self-emp-not-inc,93806, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,37, Federal-gov,173192, Assoc-voc,11, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,68, Self-emp-not-inc,198554, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Female,0,0,20, United-States +>50K,45, Private,26502, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,56, Private,225267, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,150042, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,211319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,38, Private,208358, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,58115, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,41, United-States +<=50K,28, Private,219267, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,39, Federal-gov,129573, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,26, Local-gov,27834, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,415037, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,52, Private,191529, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,84, Private,132806, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,13, United-States +<=50K,33, Federal-gov,137059, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,10, United-States +>50K,46, Federal-gov,102308, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,164309, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,40955, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, England +<=50K,66, Private,141085, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,8, United-States +>50K,62, Federal-gov,258124, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +>50K,31, Private,467579, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,40, United-States +>50K,31, Private,145139, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,231141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829,0,40, United-States +<=50K,60, Self-emp-not-inc,146674, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,50, ? +<=50K,27, Private,242207, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,37, ?,102541, Assoc-voc,11, Married-civ-spouse, ?, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,38, Private,135416, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,267284, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,48, Private,130812, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,183765, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +>50K,45, Local-gov,188823, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,200593, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,124094, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,21, Private,50411, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Local-gov,101689, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,73091, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,1876,50, United-States +<=50K,21, ?,107801, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,6, United-States +<=50K,51, Private,176969, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,342709, HS-grad,9, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,368561, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,26915, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,157974, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,48, United-States +>50K,48, Private,109832, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,39, Self-emp-inc,116358, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688,0,40, ? +<=50K,68, Self-emp-not-inc,195881, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414,0,40, United-States +<=50K,33, Private,183000, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,22, Without-pay,302347, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,4416,0,40, United-States +<=50K,18, ?,151463, 11th,7, Never-married, ?, Other-relative, White, Male,0,0,7, United-States +<=50K,28, Private,217200, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,31740, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,56, Private,35520, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,36, Private,369843, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,199227, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,144711, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,1721,40, United-States +<=50K,39, Private,382802, 10th,6, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0,1590,40, United-States +<=50K,25, Private,254781, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,70657, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,56, Self-emp-not-inc,50791, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,1876,60, United-States +<=50K,33, Self-emp-not-inc,222162, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,94606, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,44, Self-emp-not-inc,104196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +>50K,30, Self-emp-not-inc,455995, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,166210, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,25, Private,198986, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,292465, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,99388, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,38, Private,698363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,154940, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,401998, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +>50K,62, Private,162825, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,271795, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,134671, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,87583, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,14, United-States +<=50K,50, Private,248619, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,130200, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,178922, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,51985, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,38, United-States +>50K,37, Private,125933, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,38, State-gov,104280, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,617860, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,122112, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,45, Local-gov,181758, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Self-emp-inc,223671, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,38, Self-emp-not-inc,140117, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,107458, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Federal-gov,215948, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, ? +<=50K,44, Federal-gov,306440, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Federal-gov,615893, Masters,14, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Nicaragua +>50K,28, Self-emp-inc,201186, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,99999,0,40, United-States +>50K,32, Private,37210, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,196084, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,45, Local-gov,166181, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,52, Federal-gov,291096, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,7298,0,40, United-States +<=50K,24, Private,232841, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,19, ?,131982, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,408788, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,42924, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,14084,0,50, United-States +>50K,31, Private,181091, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,200246, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,282023, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,49, Federal-gov,128990, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,106838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,144750, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,18, United-States +<=50K,39, Private,108140, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,103323, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,268022, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,58, Private,197114, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,191628, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,2174,0,40, United-States +>50K,59, Local-gov,176118, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,42401, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,47, United-States +<=50K,42, Private,322385, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2407,0,40, United-States +>50K,53, State-gov,123011, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,210945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,36, Local-gov,130620, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,26, Private,248990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,33, Private,132705, 9th,5, Separated, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,29, Private,94892, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,141858, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,35, Private,81232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,48, Private,114561, Bachelors,13, Married-spouse-absent, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,36, Philippines +<=50K,45, Local-gov,191776, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,128354, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,37088, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,21, Private,414812, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,63, ?,156799, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,39, Private,33983, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +>50K,52, Self-emp-not-inc,194995, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,55, United-States +<=50K,41, Self-emp-inc,73431, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,155664, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,70, United-States +<=50K,27, ?,182386, 11th,7, Divorced, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,53, State-gov,281074, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,1092,40, United-States +<=50K,33, Local-gov,248346, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,167482, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,18, ?,171088, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,43, Federal-gov,211763, Doctorate,16, Separated, Prof-specialty, Unmarried, Black, Female,0,0,24, United-States +<=50K,20, Private,122166, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,370119, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,138940, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,41, Private,174575, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,45, United-States +<=50K,67, Private,101132, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,1797,0,40, United-States +<=50K,38, Private,292307, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,40, Dominican-Republic +<=50K,47, Self-emp-not-inc,248776, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,25, United-States +<=50K,39, Private,314007, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,213226, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,35, ? +<=50K,36, Private,76845, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,24, Private,148320, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,54261, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,21, Private,223352, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,1055,0,30, United-States +<=50K,21, Private,211013, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,50, Mexico +<=50K,40, Private,209833, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,356272, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, Private,143538, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,242960, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Local-gov,263871, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,151105, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,44, Private,207685, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,1564,55, England +<=50K,49, Local-gov,46537, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,594,0,10, United-States +>50K,45, Self-emp-inc,84324, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,224716, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,186269, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,143731, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,39, Private,236391, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,54560, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,266325, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +>50K,32, Federal-gov,42900, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,45, State-gov,183710, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,23, Private,278254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,45, United-States +<=50K,35, Private,119992, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,52, Private,284329, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,368727, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,353696, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,31387, Bachelors,13, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,2885,0,25, United-States +<=50K,27, Private,110931, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,169532, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,21, Private,285522, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,198774, Bachelors,13, Divorced, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Private,123291, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,146110, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,37, Self-emp-not-inc,29814, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,61, Private,195595, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Guatemala +>50K,44, Private,92649, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,53, Private,290688, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,43, Private,427382, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,60, State-gov,234854, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,23, Private,276568, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,250038, Masters,14, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Mexico +<=50K,29, Private,150861, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,87205, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, England +<=50K,47, Private,343579, 1st-4th,2, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,12, Mexico +<=50K,20, Private,94401, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,25, Private,120238, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, Poland +<=50K,27, Private,205440, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,198996, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,294253, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,27, United-States +<=50K,23, Private,256628, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +<=50K,59, Self-emp-not-inc,223131, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,46, Private,207301, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,66, ?,270460, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Local-gov,125457, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,38, United-States +<=50K,36, Local-gov,212856, 11th,7, Never-married, Other-service, Unmarried, White, Female,0,0,23, United-States +<=50K,44, Private,197389, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,73338, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,68037, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,32, Private,185027, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,107123, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Private,109482, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,98, United-States +<=50K,30, Private,174543, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,208407, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,30, United-States +>50K,68, Self-emp-not-inc,211584, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,108540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,202416, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,62, ?,160155, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,6418,0,40, United-States +<=50K,20, Private,176178, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,21, Private,265148, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,38, Jamaica +<=50K,34, Private,220631, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,50, ? +<=50K,30, Self-emp-not-inc,303692, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,25, Private,135845, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, State-gov,199915, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,21, United-States +<=50K,40, State-gov,150533, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,85482, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,24473, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,272944, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, ?,82077, Some-college,10, Divorced, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,49, State-gov,194895, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,314153, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,176253, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,59, Private,113959, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,42, State-gov,167581, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,37, Private,79586, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Iran +>50K,40, Private,166662, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,47, Private,72896, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,56, Private,345730, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,302473, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,42346, HS-grad,9, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,35, United-States +<=50K,21, Private,243921, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,131620, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,47, Private,158924, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,22, Self-emp-not-inc,32921, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,252897, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,14344,0,40, United-States +<=50K,41, Private,155657, 11th,7, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,40, United-States +<=50K,43, Federal-gov,155106, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,53, United-States +<=50K,60, Private,82775, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,73, Private,26248, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,90, Private,88991, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, England +<=50K,62, Federal-gov,125155, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,28, Private,218039, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,53524, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,259352, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,296453, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,19, Private,278915, 12th,8, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,52, United-States +<=50K,23, Private,565313, Some-college,10, Never-married, Other-service, Own-child, Black, Male,2202,0,80, United-States +<=50K,22, Federal-gov,274103, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,19, Private,271118, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,28, United-States +<=50K,45, Federal-gov,207107, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0,2080,40, Philippines +<=50K,26, Local-gov,138597, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,25, United-States +>50K,42, Local-gov,180985, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,99999,0,40, United-States +<=50K,62, Self-emp-not-inc,159939, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,61, Private,110920, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Private,34862, Bachelors,13, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0,1564,60, United-States +<=50K,22, Local-gov,163205, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,53, United-States +>50K,56, Private,110003, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,229051, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,144898, Some-college,10, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,211596, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,48458, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,1669,45, United-States +<=50K,58, Private,201393, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,1876,40, United-States +>50K,25, Self-emp-not-inc,136450, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,193586, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,91189, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,227832, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,271936, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Private,61343, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,30, Private,157778, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,23, Private,201680, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,228320, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,72, Private,33404, 10th,6, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,103205, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,279029, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,213092, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,126104, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,1980,45, United-States +<=50K,32, Private,119124, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,31924, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,22, Private,253799, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, ? +>50K,52, Private,266138, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,65, Private,185001, 10th,6, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,34102, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,115214, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,6497,0,65, United-States +<=50K,27, Private,289484, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, State-gov,287908, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,42, United-States +<=50K,53, Self-emp-not-inc,158284, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,60668, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +>50K,43, State-gov,222978, Doctorate,16, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,244605, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908,0,40, United-States +<=50K,38, Private,150601, 10th,6, Separated, Adm-clerical, Unmarried, White, Male,0,3770,40, United-States +<=50K,26, Private,199143, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,60, Private,131681, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,346406, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1672,50, United-States +<=50K,33, Federal-gov,391122, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,29, Local-gov,280344, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, State-gov,188809, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,277488, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,36, United-States +<=50K,63, Self-emp-not-inc,181561, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,158545, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,27, United-States +<=50K,23, Private,313573, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,25, United-States +<=50K,31, Private,591711, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,40, ? +>50K,41, Private,268183, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,51, Private,392286, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,59, Private,233312, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,520231, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Self-emp-not-inc,186831, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,45, United-States +<=50K,67, Self-emp-not-inc,141085, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,65, ?,198019, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,47, Local-gov,198660, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,409230, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,38, Private,376025, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,80167, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,99357, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,1506,0,40, United-States +>50K,24, Private,82847, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,50, Portugal +<=50K,24, Private,22201, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,38, Private,275223, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,19, Private,117595, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,32, Private,207668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,179981, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,192583, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,66304, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,200671, Bachelors,13, Divorced, Transport-moving, Own-child, Black, Male,6497,0,40, United-States +<=50K,57, Private,32365, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,28497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,222978, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,1504,40, United-States +<=50K,25, Private,160261, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,40, China +<=50K,48, Private,120724, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,91733, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,74, Self-emp-not-inc,146929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,205706, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,181666, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,54, Local-gov,279452, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,39, Private,207568, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,38, Private,22494, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,7443,0,40, United-States +<=50K,18, Private,210026, 10th,6, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,32, Local-gov,190889, Masters,14, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,40, ? +<=50K,24, Private,109869, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,285263, 9th,5, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, Mexico +<=50K,28, Private,192588, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,232945, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Other, Male,0,0,30, United-States +<=50K,49, Local-gov,31339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,305147, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,188914, HS-grad,9, Widowed, Machine-op-inspct, Other-relative, Black, Female,0,0,40, Haiti +<=50K,58, Self-emp-not-inc,141165, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,68, Self-emp-inc,136218, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,15, United-States +>50K,41, Federal-gov,371382, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,21, ?,199177, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,221366, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +<=50K,24, Private,403671, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,193871, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,306183, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,44, United-States +>50K,64, ?,159938, HS-grad,9, Divorced, ?, Not-in-family, White, Male,8614,0,40, United-States +<=50K,54, Private,124194, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,69847, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,26, State-gov,169323, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, State-gov,172327, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,48, Private,118889, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2885,0,15, United-States +<=50K,50, Private,166220, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,3942,0,40, United-States +<=50K,39, Private,186420, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,192779, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Private,105616, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,48, United-States +<=50K,24, Private,141113, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,2580,0,40, United-States +<=50K,57, Private,160275, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,164507, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Columbia +>50K,41, Private,207578, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, India +>50K,55, Private,314592, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, ?,254630, Assoc-voc,11, Divorced, ?, Not-in-family, White, Male,0,0,80, United-States +<=50K,69, Private,159522, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, Black, Female,2964,0,40, United-States +<=50K,22, Private,112130, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Private,192835, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3942,0,40, United-States +<=50K,33, Private,206280, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,308861, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,93206, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1902,65, United-States +<=50K,40, Private,206066, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,48, Self-emp-not-inc,309895, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,38, Local-gov,216129, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,26, State-gov,287420, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,163595, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,170092, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,37, Private,287031, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,75, United-States +<=50K,42, Private,59474, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,99151, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,206888, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,177119, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,80, ? +<=50K,22, Private,173736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,182163, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +>50K,45, Local-gov,311080, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,29, Self-emp-not-inc,389857, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,297152, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +<=50K,24, Federal-gov,130534, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,137301, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,316235, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,32, United-States +<=50K,28, Self-emp-inc,32922, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Private,118303, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,188241, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,59, Private,236731, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,39, Private,209397, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Self-emp-inc,290640, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,221915, Prof-school,15, Never-married, Prof-specialty, Other-relative, White, Female,0,0,65, United-States +>50K,51, Private,175246, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,59, Private,159724, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7298,0,55, United-States +>50K,42, State-gov,160369, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,461337, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,187311, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,32, Private,29312, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,197365, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,301747, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,55, Local-gov,135439, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,30, Private,340917, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,155057, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,65, ?,200749, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,44, Private,323627, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,5, United-States +<=50K,23, ?,154921, 5th-6th,3, Never-married, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,131425, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,184242, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,28, Private,149769, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,44, Private,124924, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,253003, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,16, United-States +<=50K,57, State-gov,250976, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,104196, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,250182, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,188331, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +<=50K,44, Private,187322, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,130714, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,22, United-States +<=50K,37, Private,40955, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,35, Private,107125, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +>50K,51, Private,145714, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, ? +<=50K,27, Private,133937, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,41, State-gov,293485, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103,0,40, United-States +<=50K,28, ?,203260, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,8, United-States +<=50K,37, Self-emp-not-inc,143368, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,51789, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,24, State-gov,211049, 7th-8th,4, Never-married, Tech-support, Unmarried, White, Female,0,0,20, United-States +<=50K,53, Private,81794, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,139193, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1980,48, United-States +<=50K,54, Private,150999, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,332657, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,240043, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,43, Private,186188, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, Iran +>50K,58, State-gov,223400, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +>50K,59, Local-gov,102442, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,31, Private,236599, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,283237, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,150106, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,102076, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,40, Private,374764, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,32528, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,25, Federal-gov,50053, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Private,212864, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,30673, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, ?,248248, 1st-4th,2, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,34, Philippines +<=50K,23, Private,419554, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +<=50K,32, State-gov,177216, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,118158, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,41, Private,116391, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Germany +<=50K,74, Private,194312, 9th,5, Widowed, Craft-repair, Not-in-family, White, Male,0,0,10, ? +>50K,43, Private,111895, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,193290, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1721,20, United-States +<=50K,24, Federal-gov,287988, Bachelors,13, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,147653, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,32, United-States +>50K,54, Private,117674, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,187458, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,410351, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,41, Private,207578, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,62, ?,55621, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,35, United-States +<=50K,27, State-gov,271243, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, Jamaica +<=50K,30, Private,188798, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,63, Local-gov,168656, Bachelors,13, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,35, Outlying-US(Guam-USVI-etc) +<=50K,33, Private,460408, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,3325,0,50, United-States +<=50K,34, Private,241885, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,133061, 9th,5, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,194097, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,219137, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +>50K,50, Private,31621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,207685, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,57052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +<=50K,19, Private,109854, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,369678, HS-grad,9, Never-married, ?, Not-in-family, Other, Male,0,0,43, United-States +<=50K,17, Private,53611, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,47, Private,344916, Assoc-acdm,12, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Local-gov,198813, Bachelors,13, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,71, Private,180733, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,188073, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,69, ?,159077, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,174829, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,142791, 7th-8th,4, Widowed, Sales, Other-relative, White, Female,0,1602,3, United-States +>50K,58, Self-emp-not-inc,43221, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2415,40, United-States +<=50K,34, Private,188736, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Female,0,0,20, Columbia +<=50K,33, Local-gov,222654, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,66, ? +<=50K,56, Private,251836, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,40, Federal-gov,112388, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,209641, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,42, Private,313945, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Ecuador +<=50K,19, ?,134974, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,152742, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,3325,0,40, United-States +<=50K,28, Self-emp-inc,153291, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,353432, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,96635, Some-college,10, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,46, ?,202560, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,39, Private,150057, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,114844, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1876,50, United-States +<=50K,45, Private,132847, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,41356, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,50, Self-emp-not-inc,93705, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,309350, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,123084, 11th,7, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,174662, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +<=50K,62, Federal-gov,177295, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,211880, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,454915, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,232475, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Self-emp-inc,244605, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,50, Private,150876, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,55, United-States +<=50K,51, Private,257337, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,47, Private,329144, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +>50K,37, Private,116960, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Private,267663, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,47871, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,34, Private,295922, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, England +<=50K,45, Private,175625, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,19, ?,129586, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,190179, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,40, Private,168071, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,3325,0,40, United-States +>50K,39, Self-emp-not-inc,202027, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,36, Private,202662, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,101436, HS-grad,9, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,19, ?,119234, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,15, United-States +>50K,37, Private,360743, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,60, Local-gov,93272, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,56, Private,145574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,101722, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3908,0,47, United-States +<=50K,34, Private,135785, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,23, ?,218415, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,19, Private,127709, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,30, United-States +<=50K,37, Federal-gov,448337, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,58, Private,310320, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,251521, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,255503, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,116608, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,26, Private,71009, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,22, Private,174975, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,36, United-States +<=50K,32, Private,108023, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,204018, 11th,7, Never-married, Sales, Unmarried, White, Male,0,0,15, United-States +<=50K,57, ?,366563, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Private,121846, 7th-8th,4, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,70, Private,278139, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3432,0,40, United-States +<=50K,30, Private,114691, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,19, State-gov,536725, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,15, Japan +<=50K,51, Private,94432, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,286002, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,30, Nicaragua +<=50K,47, Private,101684, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,352834, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +>50K,36, Private,99146, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +>50K,30, Private,231413, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,158846, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,190786, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,25, Private,306513, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,152148, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,309580, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, ?,130832, Bachelors,13, Never-married, ?, Unmarried, White, Female,0,0,10, United-States +<=50K,25, Private,194897, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,6849,0,40, United-States +<=50K,30, Private,130078, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,48, Private,39986, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,379198, HS-grad,9, Never-married, Other-service, Other-relative, Other, Male,0,0,40, Mexico +>50K,51, Private,189762, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,15, United-States +<=50K,19, Private,178147, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,31, Private,332379, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,175759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,21, ?,262062, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,275446, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,278522, 11th,7, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,54683, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +>50K,57, Private,136107, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,205894, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,54, Private,210736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,166634, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,52, Private,185283, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,180553, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,199058, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, ? +<=50K,18, Private,145005, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,37, Self-emp-not-inc,184655, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,52, Private,358554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,307423, 9th,5, Never-married, Other-service, Not-in-family, Black, Male,0,0,50, United-States +<=50K,27, Private,472070, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,115562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,56, Private,32446, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,33121, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,37, Private,183345, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,28, Private,119793, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,10520,0,50, United-States +<=50K,48, Self-emp-not-inc,97883, HS-grad,9, Separated, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,58, Self-emp-not-inc,31732, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,206250, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,103323, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-inc,135436, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,376455, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,52, Private,160703, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,131699, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,243842, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,349910, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,61, Private,170262, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,38, United-States +<=50K,33, Private,184306, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,46, Private,224202, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,151540, 11th,7, Widowed, Tech-support, Unmarried, White, Female,0,0,16, United-States +<=50K,28, Private,231197, 10th,6, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,19, Private,279968, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,36, Private,162651, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, Columbia +>50K,43, Self-emp-not-inc,130126, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,160120, Doctorate,16, Divorced, Adm-clerical, Other-relative, Other, Male,0,0,40, ? +>50K,56, Private,161662, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,24, Local-gov,201664, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,137142, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,45, Self-emp-inc,122206, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Local-gov,183169, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,126513, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, ? +<=50K,35, Federal-gov,185053, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,408427, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Self-emp-not-inc,198581, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,199198, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,0,0,21, United-States +<=50K,31, Private,184306, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,1980,60, United-States +<=50K,63, Private,172740, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,205153, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,164964, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,162606, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,179627, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,103408, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, Germany +<=50K,27, Private,36440, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,57512, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +<=50K,27, Private,187981, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,393768, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,108726, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,31, Private,180551, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,176240, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Private,70720, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,35890, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Private,283676, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,105540, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2051,40, United-States +<=50K,44, Private,408717, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,3674,0,50, United-States +<=50K,21, Private,57916, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,177974, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,34, ?,177304, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,40, Columbia +<=50K,18, Private,115839, 12th,8, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, ?,205256, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2885,0,80, United-States +>50K,38, Private,117802, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,19, Private,211355, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,46, Private,173243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,343200, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,22, Private,401690, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, Mexico +<=50K,38, Private,196123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,33, Private,168981, Masters,14, Divorced, Exec-managerial, Own-child, White, Female,14084,0,50, United-States +<=50K,83, Self-emp-not-inc,213866, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,8, United-States +>50K,34, Private,55176, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,153976, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,119176, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,27, Private,169117, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,1887,40, United-States +<=50K,38, Private,156550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,109609, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,38, Private,26698, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,52, Private,236497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,33, State-gov,306309, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,242773, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,124680, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,6849,0,60, United-States +<=50K,52, Local-gov,43909, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,112820, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,2463,0,40, United-States +<=50K,25, Private,148300, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,17, Private,133449, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,26, United-States +<=50K,22, Private,263670, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,80, United-States +<=50K,22, Private,276494, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, Private,190115, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,58, Private,317479, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,39, Private,151248, Some-college,10, Divorced, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,59, Local-gov,130532, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, Poland +<=50K,61, Private,160062, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,299635, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,50, Private,171225, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,51, Private,33304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,95634, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,45, ? +<=50K,20, Private,243878, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,181721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,44, Federal-gov,201435, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,334032, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, Private,220019, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,53, Private,71772, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,27661, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,191411, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, India +>50K,39, Private,123945, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,37778, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, State-gov,171216, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,93955, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,63, Private,163809, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,346754, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,188436, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,28, Private,72443, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,1669,60, United-States +>50K,68, Private,186350, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,10, United-States +<=50K,22, ?,214238, 7th-8th,4, Never-married, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,46, State-gov,394860, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,57, Private,262642, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,125550, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,66, Private,192504, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,131310, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,54, Private,249322, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,172755, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,209993, 11th,7, Separated, Priv-house-serv, Unmarried, White, Female,0,0,8, Mexico +<=50K,30, Private,166961, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,37, United-States +<=50K,39, Private,315291, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,284703, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,166565, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,30, Self-emp-not-inc,173854, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,189219, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,210781, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, France +<=50K,59, Local-gov,171328, HS-grad,9, Separated, Protective-serv, Other-relative, Black, Female,0,2339,40, United-States +<=50K,45, Private,199832, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,64, Private,251292, 5th-6th,3, Separated, Other-service, Other-relative, White, Female,0,0,20, Cuba +<=50K,61, Private,122246, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,190767, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,278736, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,53, Private,124963, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,167476, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,7, United-States +<=50K,34, Local-gov,246104, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,171615, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +>50K,67, Private,264095, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,9386,0,24, Cuba +<=50K,46, Private,177114, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Female,0,0,27, United-States +<=50K,32, Private,146154, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,198196, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,79712, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,154785, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,182423, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,20, ?,347292, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,32, United-States +<=50K,34, Private,118584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,219835, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, ? +<=50K,17, ?,148769, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,197418, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,21, Private,253190, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,192273, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,129573, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +<=50K,17, Private,173807, 11th,7, Never-married, Craft-repair, Own-child, White, Female,0,0,15, United-States +<=50K,35, Private,217893, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,102938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,407495, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,25, Private,50053, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Japan +<=50K,57, Private,233382, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Cuba +>50K,32, Private,270968, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Local-gov,272166, Bachelors,13, Separated, Prof-specialty, Not-in-family, Black, Male,0,0,30, United-States +<=50K,23, Private,199915, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,21, Private,305781, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,45, United-States +<=50K,47, Private,107682, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,25, Private,188507, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Dominican-Republic +<=50K,18, ?,28311, 11th,7, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,41, Federal-gov,197069, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,4650,0,40, United-States +<=50K,19, Private,177839, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,77665, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +>50K,57, Private,127728, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,51, ?,172175, Doctorate,16, Never-married, ?, Not-in-family, White, Male,0,2824,40, United-States +<=50K,32, Private,106742, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,192838, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,40, Private,79531, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,21, State-gov,337766, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,45, Self-emp-not-inc,33234, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,34088, 12th,8, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,55, Private,176904, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,172148, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,199058, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,38, Private,48093, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,143664, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,168337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,43, Private,195212, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, ? +>50K,39, Private,230329, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Canada +<=50K,42, Private,376072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,430175, HS-grad,9, Divorced, Craft-repair, Other-relative, Black, Female,0,0,50, United-States +<=50K,44, Federal-gov,240628, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,2354,0,40, United-States +>50K,50, Self-emp-inc,158294, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,80, United-States +<=50K,55, Private,28735, HS-grad,9, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,37, Private,167482, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,59, Private,113203, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,103948, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,310525, 12th,8, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,32, United-States +>50K,35, Private,105138, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,153489, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,57, State-gov,254949, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,118149, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,267965, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,43, Private,50646, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,147700, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,18, Private,446771, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,47, Private,168262, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,117058, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,59, Self-emp-not-inc,140957, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,35, Private,186126, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, ? +<=50K,49, Private,268234, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,485117, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,31350, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, England +<=50K,36, State-gov,210830, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,29, Private,196420, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,52, Private,172165, 10th,6, Divorced, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,50, Self-emp-not-inc,186565, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,119359, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,109684, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,169589, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,125421, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,31, Private,500002, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +<=50K,33, Private,224141, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,113290, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +<=50K,62, ?,123992, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,58098, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,1974,40, United-States +<=50K,46, ?,37672, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,55, Private,198145, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,49, Federal-gov,35406, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,199419, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,43, Private,145441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,58, Private,238438, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,48, State-gov,212954, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,21, Private,56582, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,67, Local-gov,176931, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Self-emp-not-inc,188571, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,312500, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,278404, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,114225, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, Private,184016, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,41, Local-gov,183009, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,205759, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,462294, Assoc-acdm,12, Never-married, Other-service, Own-child, Black, Male,0,0,44, United-States +<=50K,42, Private,102085, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,54, Self-emp-not-inc,83311, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,248694, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Local-gov,190747, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,162988, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,31, Self-emp-not-inc,156890, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,310380, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0,0,45, United-States +<=50K,35, Private,172186, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,311497, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,443508, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,152156, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,155890, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,312528, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,51, Private,282744, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Canada +<=50K,27, Private,205145, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,119918, Bachelors,13, Never-married, ?, Not-in-family, Black, Male,0,0,45, ? +>50K,22, Private,401451, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,72, ?,173427, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Cuba +<=50K,25, Private,189027, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,35551, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,42706, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,63, Private,106910, 5th-6th,3, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,19, Philippines +<=50K,23, Private,53245, 9th,5, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,221672, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,75, Private,71898, Preschool,1, Never-married, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,48, Philippines +<=50K,52, Private,222107, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,69, Private,277588, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,10, United-States +>50K,52, Private,178983, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,40, Federal-gov,391744, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,34, Private,418020, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, State-gov,39236, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,30, Private,86808, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,46, Private,147640, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,1902,40, United-States +<=50K,21, Private,184756, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,44, Private,191256, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,105943, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908,0,40, United-States +<=50K,40, Private,101272, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,33, State-gov,175023, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,37, United-States +<=50K,22, Self-emp-not-inc,357612, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,82777, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,75, Self-emp-not-inc,218521, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,55, Private,179534, 11th,7, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,24, ?,33339, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,45, Private,148549, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,27828,0,56, United-States +<=50K,31, Private,198069, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,49, Private,236586, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,167261, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,160942, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,50, United-States +<=50K,44, Private,107584, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908,0,50, United-States +<=50K,28, Local-gov,251854, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,79, ?,163140, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,302579, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,30, United-States +<=50K,44, Self-emp-inc,64632, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,83141, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,326048, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,83471, HS-grad,9, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,23, Private,170070, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,25, Private,207875, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,48, Private,119722, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,8, United-States +<=50K,18, Private,335665, 11th,7, Never-married, Other-service, Other-relative, Black, Female,0,0,24, United-States +<=50K,25, Private,212522, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,42069, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,2176,0,45, United-States +<=50K,26, ?,131777, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2002,40, United-States +<=50K,33, Private,236396, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,42, Private,159911, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,133833, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,226947, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,174201, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,49707, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,201988, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,62, Self-emp-not-inc,162347, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,30, Private,182833, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,22, Private,383603, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,70466, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,184846, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,60, United-States +<=50K,25, Private,176756, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,112512, HS-grad,9, Widowed, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,137296, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Private,37821, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,25, Private,295108, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,25, United-States +>50K,40, Private,408717, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,255635, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,48, Self-emp-not-inc,177783, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,63, Self-emp-not-inc,179400, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,20, United-States +>50K,31, Private,240283, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,410034, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,180667, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,196332, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Local-gov,159187, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,46, Private,225065, Preschool,1, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Mexico +<=50K,19, Private,178147, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,30, Private,272669, Some-college,10, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,35, Private,347491, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,146399, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,75167, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,133373, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Local-gov,84737, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,18, Private,96483, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,59, Private,368005, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, State-gov,36032, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,174215, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,24, Private,228772, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,22, Private,242912, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,49, Self-emp-inc,86701, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,56, United-States +<=50K,35, Private,166549, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,121622, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,1380,40, United-States +<=50K,18, Private,201613, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,29874, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,168138, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,162404, Bachelors,13, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,60, United-States +<=50K,21, ?,162160, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,26, Private,139116, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,50, United-States +>50K,44, Private,192381, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, United-States +<=50K,39, Private,370585, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, State-gov,151038, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,70, Self-emp-not-inc,36311, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,35, United-States +<=50K,34, Private,271933, Masters,14, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,34, Private,182401, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,66, Private,234743, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,182140, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,215591, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,59, Self-emp-not-inc,96459, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,205562, Masters,14, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,47, Private,188081, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, State-gov,121245, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,127273, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,25, Private,114345, 9th,5, Never-married, Craft-repair, Unmarried, White, Male,914,0,40, United-States +<=50K,22, Private,341227, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +>50K,40, Local-gov,166893, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,68, ?,65730, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,145231, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, White, Female,0,1762,40, United-States +>50K,73, Self-emp-not-inc,102510, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418,0,99, United-States +<=50K,45, Self-emp-not-inc,285335, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,23, Private,177087, 11th,7, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +>50K,40, Private,240504, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,39, Private,218490, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,23, Private,384651, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,189551, HS-grad,9, Divorced, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Private,194791, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,194630, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +<=50K,53, Private,177647, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,51620, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,251421, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,180477, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,40, State-gov,391736, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,170091, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,6, United-States +>50K,36, Private,175360, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,13550,0,50, United-States +<=50K,35, Private,276153, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,4650,0,40, United-States +>50K,53, Federal-gov,105788, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, United-States +>50K,42, Local-gov,248476, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,32, Private,168443, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,120201, HS-grad,9, Divorced, Adm-clerical, Own-child, Other, Female,0,0,65, United-States +<=50K,59, Private,114678, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,60, United-States +<=50K,36, Private,167440, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,37, Self-emp-not-inc,265266, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +<=50K,31, Private,212235, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,44671, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,87282, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,38, United-States +>50K,27, Private,112754, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,60, United-States +<=50K,29, Self-emp-not-inc,322238, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,65382, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,115176, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,48, Self-emp-not-inc,162236, Masters,14, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, ? +<=50K,42, Private,409902, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,25, United-States +>50K,60, Local-gov,204062, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,283305, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,435638, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,114733, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +<=50K,22, Private,162343, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,22, United-States +<=50K,18, ?,195981, HS-grad,9, Widowed, ?, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,79531, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,395078, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Local-gov,159641, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,625,40, United-States +<=50K,21, Private,159567, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Private,133917, Assoc-voc,11, Never-married, Sales, Other-relative, Black, Male,0,0,40, ? +<=50K,52, Private,196894, 11th,7, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,39, Local-gov,132879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,190290, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,102828, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +<=50K,31, Private,128493, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, State-gov,290677, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,21, Private,283757, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,38, Local-gov,169104, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,51, Private,171409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,319165, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,203182, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,20, ?,211968, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,26, Private,215384, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1974,55, United-States +<=50K,26, Private,166666, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,41, Private,156566, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,140564, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,322208, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,420277, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,123430, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, Mexico +>50K,45, Self-emp-inc,151584, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,37, Self-emp-not-inc,348960, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,47, Private,168232, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,45, United-States +>50K,47, Self-emp-inc,201699, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,511517, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,118001, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,193961, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,21, Private,32732, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,223548, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,33, Private,389932, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,55, United-States +<=50K,29, Private,102345, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,52, United-States +<=50K,41, Private,107584, Some-college,10, Separated, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, ?,34321, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,20, State-gov,39478, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,54, United-States +<=50K,34, Self-emp-not-inc,276221, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,78, Self-emp-inc,385242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,45, United-States +>50K,46, Private,235646, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,123306, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,59, Private,38573, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,216889, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,386705, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,47, Self-emp-not-inc,249585, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,31, Local-gov,47276, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,38, United-States +>50K,42, Self-emp-not-inc,162758, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,56, United-States +<=50K,46, Local-gov,146497, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,190765, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +<=50K,21, Private,186314, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,55, Private,213615, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,162322, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,44, State-gov,115932, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,392694, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, State-gov,143517, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,123429, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Italy +>50K,53, Private,254285, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,238311, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,36, United-States +>50K,49, Private,281647, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,30, Private,75167, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,252862, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,199240, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, England +<=50K,43, Private,145762, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,142443, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,99361, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,105138, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,183171, 11th,7, Never-married, Other-service, Own-child, Black, Male,1055,0,32, United-States +<=50K,18, Private,151866, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,60, Private,297261, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,43, Private,148998, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,143046, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,183850, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Self-emp-not-inc,248841, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,31, Private,198452, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,161092, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,112497, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,155963, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,28, Private,147560, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,24, Private,376393, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, State-gov,151790, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,21, Private,438139, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, ?,163911, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,214896, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,102821, Some-college,10, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,44, Self-emp-not-inc,90021, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,45, Private,77085, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,42, Private,158555, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,28160, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,462255, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,144949, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,116207, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,17, Private,187308, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,45, Local-gov,189890, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,185267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,63434, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Private,1366120, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,8, United-States +>50K,41, Self-emp-inc,495061, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +<=50K,34, Local-gov,134886, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1740,35, United-States +>50K,33, Private,129707, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,17, ?,181337, 10th,6, Never-married, ?, Own-child, Other, Female,0,0,20, United-States +<=50K,51, Private,74784, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,33, Private,44392, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,406641, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,18, United-States +>50K,52, Private,89041, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, ?,139770, Some-college,10, Divorced, ?, Own-child, White, Female,0,0,32, United-States +<=50K,25, Private,180212, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, ?,338212, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,64, Self-emp-not-inc,178472, 9th,5, Separated, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,384236, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,29, Private,168470, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,26, Local-gov,80485, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,38, ?,181705, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,24, Private,216867, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,30, Mexico +>50K,43, Federal-gov,214541, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,383239, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +>50K,28, Private,70034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,266287, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,44, Private,128485, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,81, ?,89015, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +>50K,55, Private,106740, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,167527, 11th,7, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Private,19302, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,210150, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,179824, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,36, United-States +<=50K,27, Private,420351, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,23, State-gov,215443, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,15, United-States +<=50K,26, Private,116044, 11th,7, Separated, Craft-repair, Other-relative, White, Male,2907,0,50, United-States +<=50K,33, Private,215306, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Cuba +<=50K,39, Private,108069, Some-college,10, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,260046, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,31053, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,362302, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,54, Private,87205, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,45, Private,191703, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,43, Private,242968, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,23, Local-gov,185575, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,177858, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,40, United-States +<=50K,33, Self-emp-not-inc,73585, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,45, Private,301802, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Self-emp-inc,108467, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,47, Private,431245, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,157217, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,204935, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,277112, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,64, Self-emp-inc,59145, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +>50K,30, Local-gov,159773, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,51, Private,118793, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,26, State-gov,152457, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,187901, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,1504,40, United-States +<=50K,50, Private,266529, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,256179, Some-college,10, Never-married, ?, Own-child, White, Male,594,0,10, United-States +<=50K,63, Private,113756, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,83444, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +>50K,37, Self-emp-inc,30529, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,50, United-States +<=50K,51, ?,146325, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,28, United-States +<=50K,29, Private,198825, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,69, Private,71489, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,56, Private,111218, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, ?,221626, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,39, Local-gov,203482, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,42, Self-emp-not-inc,352196, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,22, United-States +>50K,41, Federal-gov,355918, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,45, Private,168262, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,182615, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,211482, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,386370, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,31, ?,85077, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,1902,20, United-States +>50K,46, Local-gov,180010, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Without-pay,142210, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,25, United-States +<=50K,33, Private,415706, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,46, Private,237731, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,343506, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,49, Local-gov,116163, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, France +<=50K,66, ?,206560, HS-grad,9, Widowed, ?, Not-in-family, Other, Female,0,0,35, Puerto-Rico +>50K,55, State-gov,153451, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,1887,40, United-States +<=50K,35, Private,301862, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,33429, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,169583, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,146497, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,16, Germany +>50K,48, Self-emp-not-inc,383384, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,240809, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,56, United-States +<=50K,38, Private,203763, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,218785, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, ?,381741, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,1721,20, United-States +<=50K,17, Private,244602, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,44, State-gov,175696, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,101027, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,37, Private,99270, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Female,0,0,40, United-States +>50K,49, Private,224393, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,42, Private,192381, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,131686, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,73, ?,84390, Assoc-voc,11, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,44, Private,277533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,72880, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,149646, Some-college,10, Divorced, ?, Own-child, White, Female,0,0,20, ? +<=50K,49, Private,209057, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,108909, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,42, Private,74949, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,235639, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,137421, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,37, Hong +<=50K,53, Private,122412, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,434894, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,379959, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,95885, 11th,7, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,13550,0,60, United-States +>50K,39, Private,225330, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,50, Poland +<=50K,40, Private,32627, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,65171, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,193380, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,184823, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,81259, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,35, Private,301369, 12th,8, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,190968, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,71, Private,196610, 7th-8th,4, Widowed, Exec-managerial, Not-in-family, White, Male,6097,0,40, United-States +<=50K,31, Private,330715, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Local-gov,77698, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,139770, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,6849,0,40, United-States +<=50K,24, Private,109053, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,69, Private,312653, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +>50K,35, Self-emp-not-inc,193260, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,35, Private,331831, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Private,54202, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,10520,0,50, United-States +>50K,51, Private,163948, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,36228, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,44, United-States +<=50K,49, Private,160167, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,178356, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407,0,99, United-States +<=50K,43, Private,104196, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, Private,288353, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,187693, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,114988, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Local-gov,117392, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,121124, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,195638, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,245053, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,1504,40, United-States +<=50K,49, State-gov,216734, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, ?,197827, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,49156, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,126133, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,304463, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,34, Private,214288, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,274969, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,42, United-States +<=50K,23, Private,189072, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,45, United-States +<=50K,46, Private,128047, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,20, Private,210338, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,63, Private,122442, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,167081, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,50, United-States +<=50K,33, Private,251421, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Federal-gov,219519, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,33355, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,25, Private,441210, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,54, Local-gov,178356, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,231196, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, State-gov,40925, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,270587, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, England +>50K,40, Private,219266, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,27, Private,114967, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,344492, HS-grad,9, Separated, Sales, Own-child, White, Female,0,0,26, United-States +<=50K,22, Private,369387, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,80, Self-emp-not-inc,101771, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,52, Private,137428, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,40, Federal-gov,121012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,48, United-States +<=50K,48, Private,139290, 10th,6, Separated, Machine-op-inspct, Own-child, White, Female,0,0,48, United-States +<=50K,62, Private,199193, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +>50K,32, Private,286689, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +<=50K,21, ?,123727, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,28, United-States +>50K,58, Federal-gov,208640, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,120130, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,29, Self-emp-inc,241431, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,120450, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,152240, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,200960, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Federal-gov,314310, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,44566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,59, Private,21792, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,36, Private,182074, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,221850, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Ecuador +>50K,42, Private,240628, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,34, Private,318641, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +<=50K,27, Self-emp-not-inc,140863, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,129150, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,41, Private,143003, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7298,0,60, India +>50K,34, Self-emp-not-inc,198664, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,15024,0,70, South +<=50K,41, Private,244945, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,138514, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,92008, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,28, United-States +<=50K,23, Private,207415, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,188626, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,38, Private,257250, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,27, Private,133696, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,88, United-States +<=50K,21, Private,195919, 10th,6, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0,0,40, Dominican-Republic +<=50K,41, Private,119266, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,140474, Assoc-acdm,12, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,35, United-States +<=50K,25, Private,69739, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,293176, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,217961, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,40, Local-gov,163725, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,23, Private,419394, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,9, United-States +<=50K,18, Private,220836, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Private,334291, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,298601, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3781,0,40, United-States +<=50K,36, Private,200360, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,203482, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,25, Private,99126, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +>50K,62, Private,109190, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,34, Private,34848, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,4064,0,40, United-States +<=50K,27, Private,29732, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,36, United-States +<=50K,23, Private,87867, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,55, Private,123515, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,175935, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,229456, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +>50K,44, Private,184105, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,4386,0,40, United-States +<=50K,42, Local-gov,99554, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,190227, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,29020, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,45, United-States +<=50K,31, Private,306459, 1st-4th,2, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,35, Honduras +<=50K,42, Private,193995, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,26, Private,105059, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,62, Private,71751, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,98, United-States +>50K,28, Private,176683, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,34, Private,342709, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,53838, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,209482, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,44, Private,214242, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,47, ?,34458, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,35, Private,100375, Some-college,10, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,149949, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,189762, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,56, United-States +>50K,46, Private,79874, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,53, United-States +>50K,66, Self-emp-not-inc,104576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,8, United-States +<=50K,34, State-gov,355700, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,26, Private,213625, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,29, Private,204984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,144593, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, ? +<=50K,23, Private,217169, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,184883, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,44, ?,136419, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,54, Private,57758, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,54, Self-emp-not-inc,30908, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,71, Private,217971, 9th,5, Widowed, Sales, Unmarried, White, Female,0,0,13, United-States +<=50K,51, Private,160703, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,142675, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,75, ?,248833, HS-grad,9, Married-AF-spouse, ?, Wife, White, Female,2653,0,14, United-States +<=50K,57, Private,171242, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Canada +<=50K,34, Private,376979, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,175935, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,14084,0,40, United-States +<=50K,21, Private,277530, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,104501, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,94041, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, Ireland +>50K,37, Local-gov,593246, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,19, Private,121074, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +<=50K,64, Private,192596, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,17, Private,142457, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,37, Private,136028, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,216145, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,4650,0,45, United-States +<=50K,20, Private,157894, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +>50K,39, Self-emp-not-inc,164593, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,4787,0,40, United-States +<=50K,18, Private,252993, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Columbia +>50K,42, Private,145711, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,43, Private,358199, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +>50K,42, Private,219591, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,53, Local-gov,205005, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,52, Private,221936, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,120914, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,77, Self-emp-inc,155761, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,25, Private,195914, Some-college,10, Never-married, Sales, Own-child, Black, Female,3418,0,30, United-States +<=50K,38, Local-gov,236687, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,318036, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,53306, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,174645, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,321817, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,206948, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,402975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,72, ?,289930, Bachelors,13, Separated, ?, Not-in-family, White, Female,991,0,7, United-States +<=50K,42, Private,367049, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,4650,0,40, United-States +>50K,36, Private,143486, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,27187, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,187717, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,378104, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,113870, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,42, Private,252518, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,24, Private,326334, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,279914, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,320451, HS-grad,9, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Private,207853, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,78, Self-emp-inc,237294, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Private,112181, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,1902,32, United-States +<=50K,34, State-gov,259705, Some-college,10, Separated, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,117789, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,449432, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,89083, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,59612, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,21, Private,129980, 9th,5, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,108233, Assoc-acdm,12, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,342709, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,126675, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,141118, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,273701, Some-college,10, Never-married, ?, Other-relative, Black, Male,34095,0,10, United-States +<=50K,46, Private,173243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,161092, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,209691, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,36, Private,89508, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,399522, 11th,7, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,60, State-gov,136939, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,264436, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,199572, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,28291, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,50, Private,215990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,179594, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,61, Self-emp-inc,139391, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,35, United-States +>50K,45, Private,187370, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,7430,0,70, United-States +>50K,31, Private,473133, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +>50K,60, Self-emp-not-inc,205246, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,2559,50, United-States +<=50K,26, Private,182308, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,51662, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,289468, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,201954, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,45, Self-emp-not-inc,26781, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,58, Private,100960, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,203761, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,2354,0,40, United-States +<=50K,23, Private,213811, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,124672, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,219300, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,22, Private,270436, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,212619, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,193586, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908,0,40, United-States +<=50K,40, Private,84136, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,55, Federal-gov,264834, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, State-gov,98995, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,278254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,167987, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,72887, Bachelors,13, Married-spouse-absent, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,17, Private,176467, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +<=50K,51, Self-emp-not-inc,85902, 10th,6, Widowed, Transport-moving, Other-relative, White, Female,0,0,40, United-States +>50K,37, Private,223433, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,108435, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,172496, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,35, Private,241998, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,245948, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,2174,0,40, United-States +<=50K,23, Private,187513, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,440138, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, England +<=50K,24, Private,218215, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,158948, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +>50K,34, Private,94413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,183598, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,192664, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,392812, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,155818, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,195000, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,308205, 5th-6th,3, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,53, Private,104879, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,152307, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,145964, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,97419, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,40, United-States +<=50K,25, ?,12285, Some-college,10, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,30, Private,263150, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +<=50K,49, ?,189885, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,151888, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,254167, 10th,6, Separated, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,45, Local-gov,331482, Assoc-acdm,12, Divorced, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,61, Local-gov,177189, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,35, Private,186886, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,20, Private,33221, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,27, Private,188171, 10th,6, Never-married, Adm-clerical, Own-child, White, Male,0,0,60, United-States +<=50K,23, Private,209770, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,164488, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,65, Local-gov,180869, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,190350, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Private,137192, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1977,50, South +<=50K,45, Private,204057, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +<=50K,46, Private,198774, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,323,45, United-States +<=50K,67, Private,134906, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,40, Private,174515, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,259363, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,44, Self-emp-not-inc,201742, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,35, Private,209609, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,185127, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,462838, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,48, United-States +>50K,37, Private,176967, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,54, Private,284129, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,33, Federal-gov,37546, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,116666, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,120724, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,40, United-States +<=50K,27, Private,314240, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,3325,0,40, United-States +>50K,49, Private,423222, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,201127, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,202239, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,209629, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,59, Private,165922, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,24, Private,133520, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,66, ?,99888, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,176410, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,35, Federal-gov,103214, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +>50K,34, Private,122612, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688,0,50, Philippines +>50K,50, Private,226735, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,70, United-States +<=50K,43, Self-emp-inc,151089, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,244312, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,30, El-Salvador +<=50K,33, Private,209317, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,45, El-Salvador +<=50K,48, Private,99096, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,1590,38, United-States +<=50K,22, Private,374116, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Female,0,0,36, United-States +<=50K,29, Private,205249, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,42, Self-emp-not-inc,326083, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,183523, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Hungary +<=50K,36, Private,350783, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,66, Local-gov,140849, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,175943, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,45, Local-gov,125933, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,225124, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,272090, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, El-Salvador +<=50K,48, Private,40666, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,35245, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,167482, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,204662, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,291147, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,49, Private,179869, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,205100, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,352139, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,29, United-States +<=50K,39, Private,111268, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,247111, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,271446, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,29, Local-gov,132412, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,74712, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,22, Private,94662, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,44, Self-emp-inc,33126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,43, Private,133584, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,103759, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3942,0,40, United-States +<=50K,63, ?,64448, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,374367, Assoc-voc,11, Separated, Sales, Not-in-family, Black, Male,0,0,44, United-States +<=50K,40, Private,179666, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, Canada +<=50K,18, Private,99219, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,57, Self-emp-inc,180211, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Taiwan +>50K,54, Local-gov,219276, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,44, Private,150011, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,231231, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,182217, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Scotland +<=50K,29, Private,277342, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,140001, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,99651, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,45, Private,223319, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,45, United-States +>50K,52, Private,235307, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,206343, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, Cuba +<=50K,51, Local-gov,156003, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,529223, Bachelors,13, Never-married, Sales, Own-child, Black, Male,0,0,10, United-States +<=50K,22, Private,202871, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, United-States +>50K,37, Private,58337, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Federal-gov,298643, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Private,191188, 10th,6, Widowed, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +<=50K,30, Private,96287, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,104443, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,323054, 10th,6, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,18, Private,95917, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, Canada +<=50K,34, Private,238305, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,1628,12, ? +<=50K,23, Private,49296, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,23, Private,50953, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,10, United-States +>50K,57, Private,124507, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,58, Private,239523, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,59, Self-emp-not-inc,309124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,240172, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,105010, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,44, Local-gov,135056, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,16, ? +<=50K,25, Private,178478, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,23871, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,362309, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,257781, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,1719,30, United-States +>50K,44, Private,175669, 11th,7, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,36, United-States +>50K,50, Private,297906, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,44, Private,230684, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,53, ?,123011, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,41, Private,170866, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Local-gov,182543, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,60, Self-emp-not-inc,236470, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,33725, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,27, Private,188941, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,3908,0,40, United-States +<=50K,43, Private,206878, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,33, Local-gov,173806, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,190709, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,41, Private,149102, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Poland +<=50K,21, Private,25265, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,100669, Some-college,10, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,114158, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,228057, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,54012, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,46, Federal-gov,219967, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,239865, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,35, State-gov,119421, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,56, Self-emp-not-inc,220187, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,33068, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,1974,40, United-States +<=50K,41, Self-emp-not-inc,277783, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,2001,50, United-States +<=50K,42, Private,175515, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,271795, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,70055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,352806, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, Mexico +<=50K,57, Private,266189, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +<=50K,49, Private,102945, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,173851, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,144092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,198681, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,351810, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,52, Private,180142, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,37, Self-emp-inc,175360, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,224498, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Self-emp-inc,154641, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,60, United-States +<=50K,54, Local-gov,152540, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,42, United-States +>50K,52, Private,217663, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Local-gov,138575, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,56, United-States +<=50K,19, ?,32477, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,65, Private,101104, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,9386,0,10, United-States +<=50K,32, Private,44677, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,456618, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, El-Salvador +<=50K,34, Private,227282, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,27624, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,24, Private,281403, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,98, United-States +>50K,63, Federal-gov,39181, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,2559,60, United-States +<=50K,48, Private,377140, 5th-6th,3, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,35, Nicaragua +<=50K,26, Private,299810, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,181916, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,237044, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,12, United-States +>50K,57, Self-emp-inc,123053, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,50, India +<=50K,64, State-gov,269512, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,44767, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,28, Private,67218, 7th-8th,4, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,176992, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,43712, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +>50K,44, Private,379919, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,104509, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,1639,0,20, United-States +<=50K,18, Private,212370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,36, Private,179666, 12th,8, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,233882, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,2457,40, Vietnam +<=50K,24, Private,197387, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +>50K,29, Local-gov,220656, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,181091, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Federal-gov,135028, HS-grad,9, Separated, Adm-clerical, Other-relative, Black, Female,0,0,35, United-States +<=50K,41, Private,185057, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, ? +<=50K,55, Private,106498, 10th,6, Widowed, Transport-moving, Not-in-family, Black, Female,0,0,35, United-States +<=50K,21, Private,203003, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,223789, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,184026, Some-college,10, Never-married, Prof-specialty, Not-in-family, Other, Male,0,0,50, United-States +>50K,32, ?,335427, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,40, Private,65866, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,213,40, United-States +<=50K,32, Private,372692, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,45607, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,59, State-gov,303176, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2179,40, United-States +<=50K,29, Private,138190, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,1138,40, United-States +<=50K,29, Self-emp-not-inc,212895, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,59, Self-emp-inc,31359, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,80, United-States +>50K,58, Private,147989, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,145290, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,262684, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1504,45, United-States +<=50K,31, Private,132601, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,30759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,319889, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,66, Private,29431, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,111483, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,184756, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,651396, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,1594,30, United-States +<=50K,30, Private,187560, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,84848, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,75, ?,36243, Doctorate,16, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, State-gov,88913, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,36, United-States +<=50K,19, Private,73190, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,60, Private,132529, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,214542, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,217006, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,169785, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,75573, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, Germany +>50K,37, Private,239171, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,53566, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,20, Private,117109, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,24, United-States +<=50K,32, Private,398019, 7th-8th,4, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,15, Mexico +<=50K,18, Private,114008, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,204653, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,254935, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,76, ?,84755, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,57, Local-gov,198145, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,14, United-States +<=50K,53, Private,174020, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,1876,38, United-States +<=50K,19, Private,451951, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Local-gov,172175, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,209472, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,336707, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Female,0,0,60, United-States +<=50K,26, ?,431861, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,156728, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,39, Federal-gov,290321, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,49, State-gov,206577, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,149324, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,33, ?,49593, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,0,0,30, United-States +>50K,50, Private,98975, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,28, Private,181659, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,30, Private,174789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, Private,102308, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,39, Private,184801, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,176014, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,256861, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,37, Private,239397, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,26, Private,233777, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,55, Private,236520, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,70754, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,245378, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,26, Private,176729, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,32, Private,154120, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,43, Private,88913, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,1055,0,40, United-States +<=50K,19, Private,517036, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,38, Private,436361, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,75, United-States +<=50K,38, Private,231037, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,65, Private,209831, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,70, Self-emp-not-inc,143833, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,40, United-States +<=50K,48, ?,167381, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,44, Private,215468, Bachelors,13, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,7, United-States +<=50K,32, Private,200700, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Local-gov,191777, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Female,0,0,40, United-States +>50K,49, Federal-gov,195437, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,149396, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,25, Private,104746, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,16, United-States +<=50K,19, Private,108147, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,238859, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,23157, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,497788, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,141558, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,33, Federal-gov,117963, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +>50K,30, Private,232356, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,157941, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,103642, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,169727, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,43, Private,274731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,161572, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +>50K,38, Private,48779, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Private,141511, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Private,314153, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,30, Private,168334, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,42, Local-gov,267252, Masters,14, Separated, Exec-managerial, Unmarried, Black, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,312055, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,32, Private,207937, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,232653, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,246841, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,154087, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,199011, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +>50K,51, Self-emp-not-inc,205100, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,36, Private,177907, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,2176,0,20, ? +<=50K,24, Private,50400, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,41, Local-gov,97064, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,21, Private,65038, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,292472, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,1876,45, Cambodia +<=50K,17, Private,225211, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,45, Private,320192, 1st-4th,2, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,39, State-gov,119421, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,625,35, United-States +<=50K,21, Private,83580, Some-college,10, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Female,0,0,4, United-States +>50K,29, Private,133696, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,45, United-States +>50K,39, Private,141584, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,2444,45, United-States +<=50K,42, Private,529216, HS-grad,9, Separated, Transport-moving, Other-relative, Black, Male,0,0,40, United-States +<=50K,22, Private,390817, 5th-6th,3, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,21, ?,85733, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,155976, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,221172, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,270842, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,82622, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,371064, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,45, Private,54744, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,29, Private,22641, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,21, Private,218957, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,51, Private,441637, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,143699, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,183096, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Private,97176, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,16, United-States +>50K,38, Self-emp-not-inc,122493, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,22, Private,311376, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,78928, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,3137,0,40, United-States +<=50K,62, Private,123582, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Federal-gov,174215, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,36, Private,183902, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,4, United-States +<=50K,43, Private,247880, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,256636, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,152875, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,28, Private,22422, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,55, United-States +<=50K,49, ?,178215, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,28, United-States +>50K,47, Local-gov,194360, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,7, United-States +<=50K,59, Private,247187, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,63921, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,224889, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,178564, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,57, Private,47619, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,41, Private,92775, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,37, Private,50837, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,20, Local-gov,235894, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,244974, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Local-gov,526734, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,38, Self-emp-not-inc,243484, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,28, United-States +<=50K,23, Private,201664, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,24, Private,234640, HS-grad,9, Married-spouse-absent, Sales, Own-child, White, Female,0,0,36, United-States +>50K,46, Private,268022, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,223267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Self-emp-not-inc,99199, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,137076, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,115411, Some-college,10, Divorced, Sales, Own-child, White, Male,2174,0,45, United-States +<=50K,51, Private,313146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,29980, 7th-8th,4, Never-married, Farming-fishing, Other-relative, White, Male,1848,0,10, United-States +>50K,39, Self-emp-inc,543042, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,50, United-States +<=50K,43, Private,271807, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Federal-gov,97934, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,5178,0,40, United-States +<=50K,43, Private,191196, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,264627, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,84, United-States +<=50K,32, Private,183801, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,209227, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,21, United-States +<=50K,64, Private,216208, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,377095, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,317535, 1st-4th,2, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0,0,40, Mexico +>50K,40, Private,247880, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,152246, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,23, Private,428299, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,161708, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,19, Private,167859, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,61, Private,85194, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, United-States +<=50K,47, Self-emp-inc,119471, 7th-8th,4, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,40, ? +<=50K,39, Private,117683, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,51, Private,139347, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,25, Private,427744, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,122116, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,34, State-gov,227931, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,54, Self-emp-not-inc,226497, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,83783, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,197113, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Other, Male,0,0,50, Puerto-Rico +<=50K,33, Private,204742, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,63, ?,331527, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +>50K,31, Private,213179, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,70, Self-emp-inc,188260, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +<=50K,43, Private,298161, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Nicaragua +>50K,36, Private,143774, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,12, United-States +<=50K,50, Local-gov,139296, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,152389, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,31, Private,309974, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, ?,37085, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,270059, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,29, Private,130045, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,39, Private,188038, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,168203, 7th-8th,4, Never-married, Farming-fishing, Other-relative, Other, Male,0,0,40, Mexico +<=50K,46, Private,171807, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Private,186696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,177531, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,23, United-States +<=50K,28, Private,115464, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Private,501144, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,61, Local-gov,180079, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064,0,40, United-States +<=50K,18, Private,205894, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, ? +>50K,39, Self-emp-not-inc,218490, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,50, ? +<=50K,24, Local-gov,203924, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,91857, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,38, Private,229700, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,158704, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,190911, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,139176, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +>50K,61, Private,119684, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,20, United-States +<=50K,69, Private,124930, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2267,40, United-States +<=50K,19, Private,168693, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,26, Private,250038, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-inc,353927, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,216390, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,2653,0,40, United-States +<=50K,21, Private,230248, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,43, Private,117728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,52, Private,115851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Private,193335, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,203894, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,53, Self-emp-not-inc,100109, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,55, State-gov,157639, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,235320, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,127686, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,39, Private,28572, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,48, United-States +<=50K,78, ?,91534, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +<=50K,30, Private,184687, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,22, Private,267945, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,43, Private,131899, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,192614, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,56, United-States +>50K,36, Private,186808, Bachelors,13, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,44116, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Federal-gov,46442, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Federal-gov,78022, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,417668, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,223763, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Private,223851, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,24, United-States +<=50K,38, Local-gov,115634, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,114459, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,197093, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,20, United-States +<=50K,31, Self-emp-not-inc,357145, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Female,0,0,48, United-States +<=50K,29, Private,59231, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,26, Private,292303, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,122288, Some-college,10, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,36, United-States +<=50K,26, Federal-gov,52322, Bachelors,13, Never-married, Tech-support, Not-in-family, Other, Male,0,0,60, United-States +<=50K,27, Local-gov,105830, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,36, Private,107125, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,28, Federal-gov,281860, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,283320, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, State-gov,26598, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,220783, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, ?,121694, 7th-8th,4, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,208302, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,34, United-States +<=50K,34, Local-gov,172664, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,54611, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Private,631947, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,394484, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, ?,239120, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,13, United-States +>50K,38, Federal-gov,37683, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,99999,0,57, Canada +>50K,47, Local-gov,193012, Masters,14, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,50, United-States +>50K,48, Private,143098, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,40, China +<=50K,57, Private,84888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,188503, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Private,337778, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,94432, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,168906, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,116143, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,128272, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,14, United-States +>50K,64, Federal-gov,301383, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,45, United-States +<=50K,46, Private,174995, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,24, State-gov,289909, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,154641, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,209034, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3942,0,40, United-States +<=50K,30, Private,203488, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +>50K,34, Private,141118, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,30, Private,169589, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,137645, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,58, Local-gov,489085, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,36302, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,253420, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,35, Private,269300, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,282609, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, Honduras +<=50K,46, Private,346978, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,71, Private,182395, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,11678,0,45, United-States +<=50K,44, Private,205051, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,128736, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,236110, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +>50K,38, Private,312271, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,126978, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,47, Private,204692, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,195956, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,35, United-States +<=50K,59, State-gov,202682, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,231912, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +>50K,44, Local-gov,24982, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,278938, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,50, Local-gov,36489, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Local-gov,154874, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,74581, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,27, Private,311446, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178,0,40, United-States +<=50K,37, Self-emp-inc,162164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,239708, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,49, Self-emp-not-inc,162856, Some-college,10, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,85109, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, Private,169042, HS-grad,9, Separated, Prof-specialty, Unmarried, White, Female,0,625,40, Puerto-Rico +<=50K,22, Private,436798, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,345363, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, England +<=50K,36, Private,49837, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, ?,296516, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,30, State-gov,180283, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Local-gov,95639, HS-grad,9, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,42, Private,33155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,56, Private,329059, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,55, Private,24694, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,443855, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,52, ?,294691, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,301867, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,35, United-States +<=50K,55, Private,226875, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +>50K,47, Private,362835, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,180339, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,65, United-States +<=50K,55, Self-emp-inc,207489, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, Germany +<=50K,43, Private,336643, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,143653, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,62, State-gov,101475, Assoc-acdm,12, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,263871, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,8, United-States +>50K,38, Self-emp-not-inc,77820, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,95465, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,42, United-States +<=50K,26, Private,257910, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +>50K,26, Private,244372, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,52, United-States +<=50K,37, Self-emp-not-inc,126738, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +>50K,79, Self-emp-inc,97082, 12th,8, Widowed, Sales, Not-in-family, White, Male,18481,0,45, United-States +<=50K,61, Private,133164, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,28, Self-emp-not-inc,104617, 7th-8th,4, Never-married, Other-service, Other-relative, White, Female,0,0,99, Mexico +>50K,60, Self-emp-inc,105339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +<=50K,51, Self-emp-inc,258735, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,81, United-States +>50K,34, Private,182926, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,35, Private,166193, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Local-gov,206125, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,346594, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,108301, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,32, Private,73498, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,129150, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,181280, Masters,14, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +>50K,40, Private,146908, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,43, Private,183765, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, ? +<=50K,25, Private,164488, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,307468, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,30, Private,93884, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,26, Private,279833, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,2258,45, United-States +<=50K,52, Private,137658, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,32, Private,101562, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,33, Private,136331, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,259846, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,98719, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,44, United-States +<=50K,62, Self-emp-not-inc,168682, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,5, United-States +<=50K,40, Self-emp-not-inc,198953, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Female,0,0,2, United-States +<=50K,41, ?,29115, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,28, Private,173673, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Mexico +<=50K,23, Private,67958, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Federal-gov,98980, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,51, State-gov,94174, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,63, Self-emp-not-inc,122442, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +<=50K,63, Federal-gov,154675, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,116632, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, ?,238685, 11th,7, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,61, ?,139391, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,99999,0,30, United-States +<=50K,40, Private,169031, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,237452, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, Cuba +<=50K,41, Private,216968, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, ? +>50K,27, ?,216479, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,24, United-States +<=50K,20, State-gov,126822, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,28, Private,51461, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,35, Private,54953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,222654, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,34, Private,37676, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,57, Private,159319, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,125321, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,209609, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,224947, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,438427, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,384276, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,196805, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,65, United-States +<=50K,27, Private,242097, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,184306, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,161954, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Germany +<=50K,65, Private,258561, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,57, Self-emp-not-inc,95280, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,45, United-States +<=50K,59, Private,212783, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,18, Private,205004, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,26, United-States +<=50K,44, Local-gov,387844, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,83880, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,161155, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,265698, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,59, Self-emp-inc,146477, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,97261, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, State-gov,437890, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Male,0,0,90, United-States +>50K,68, Self-emp-not-inc,133736, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,63, Private,169983, 11th,7, Widowed, Sales, Not-in-family, White, Female,2176,0,30, United-States +<=50K,37, Private,126675, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,46, Local-gov,175754, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,60, United-States +<=50K,31, Private,121768, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, Poland +<=50K,23, Private,180052, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,124454, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Private,190115, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1672,44, United-States +<=50K,36, Private,222584, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,22245, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Local-gov,114160, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,24, Private,228960, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,132572, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,47, Private,103020, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Puerto-Rico +>50K,40, Private,187802, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1887,40, United-States +<=50K,31, Local-gov,50649, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Private,137698, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +>50K,48, Self-emp-inc,30575, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,56, Private,202220, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,38, United-States +>50K,50, Private,50178, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,207791, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,21, Private,540712, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,1719,25, United-States +<=50K,50, Private,321770, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,202053, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,34, Private,143699, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +>50K,32, Self-emp-not-inc,115066, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,28, Private,223751, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-inc,354075, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,32732, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,24, State-gov,390867, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,31, Private,101697, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,279721, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,223400, Assoc-acdm,12, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,35, Poland +<=50K,46, ?,206357, 5th-6th,3, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +>50K,39, Private,76417, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, ?,184682, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,18, United-States +<=50K,21, Private,78170, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,39, Private,201410, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,189013, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,33, Private,119913, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,549174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,214706, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,30, ?,33811, Bachelors,13, Married-civ-spouse, ?, Wife, Other, Female,0,0,40, Taiwan +<=50K,43, Private,234220, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, Cuba +<=50K,22, Private,237720, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,185942, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,69, Local-gov,286983, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,140027, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,18, ?,115258, 11th,7, Never-married, ?, Own-child, White, Male,0,0,12, United-States +<=50K,54, Private,155408, HS-grad,9, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,65, ?,117963, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,158737, 12th,8, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0,0,40, Ecuador +<=50K,27, Local-gov,199471, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +>50K,35, Private,287701, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, United-States +>50K,38, Private,137707, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,33, State-gov,108116, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,366900, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,187355, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, Canada +>50K,38, Private,33105, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,70, United-States +<=50K,51, Self-emp-not-inc,268639, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,2057,60, Canada +<=50K,26, Private,358975, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, Hungary +>50K,33, Private,199227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,248249, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,460437, 9th,5, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,187294, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,44, Private,115932, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,181762, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,55, United-States +<=50K,21, Private,27049, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,41, Private,806552, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,41, Private,150755, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, Canada +>50K,62, Private,69867, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,27, Private,160786, 11th,7, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, Germany +>50K,38, Private,219546, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,24872, Some-college,10, Separated, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Female,0,0,30, United-States +<=50K,24, Private,110371, 12th,8, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +<=50K,24, ?,376474, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,304602, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,32, ?,143699, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,238917, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,24, Mexico +<=50K,51, Private,200618, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,31, Private,183043, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,42, Local-gov,209752, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,48, ?,175653, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Female,14084,0,40, United-States +>50K,49, Private,196707, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,43, United-States +<=50K,37, Local-gov,98725, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,42, United-States +>50K,37, Self-emp-not-inc,180150, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,66, Private,151227, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,118847, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,24, United-States +<=50K,46, Private,282538, Assoc-voc,11, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,89534, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,291011, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,67, Private,166187, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +<=50K,19, Private,188669, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,37, Private,178948, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,42, Self-emp-inc,188738, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, Italy +<=50K,39, Self-emp-not-inc,160808, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,54, Private,93605, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,46, Private,318331, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, ?,109921, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,32, United-States +<=50K,33, Private,87605, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, Self-emp-not-inc,89477, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Female,0,0,14, United-States +<=50K,21, Private,48301, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,220748, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,48, United-States +>50K,39, Private,387068, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,250743, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,78258, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,42, Private,31387, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,36, Private,289190, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,604537, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,35, Private,328466, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,42, Private,403187, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +>50K,37, Private,219546, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,44, United-States +>50K,41, Private,220531, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,204648, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,201908, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,44, ?,109912, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +<=50K,18, Private,365683, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +>50K,41, Private,175674, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,203488, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,106406, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,172756, 1st-4th,2, Widowed, Machine-op-inspct, Not-in-family, White, Female,2062,0,34, Ecuador +>50K,37, Private,125167, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,249339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,94652, Some-college,10, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,40, Private,195394, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,25, Private,130302, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,38, Private,66686, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,336042, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,193586, Some-college,10, Separated, Farming-fishing, Other-relative, White, Female,0,0,40, United-States +>50K,44, Private,325461, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,60, Local-gov,313852, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, Local-gov,30509, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,55, United-States +<=50K,21, Local-gov,32639, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,18, Private,234953, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,49, Private,120629, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,27828,0,60, United-States +<=50K,43, Private,350379, 5th-6th,3, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,40, Mexico +<=50K,26, ?,176967, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,65, United-States +>50K,36, Private,36423, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +>50K,31, Private,123397, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,5178,0,35, United-States +<=50K,38, Private,130813, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,35236, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,58, Private,33350, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,55, Private,177380, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,29, United-States +<=50K,39, Private,216129, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,35, Jamaica +<=50K,38, Private,335104, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,54, Self-emp-not-inc,199741, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,2001,35, United-States +<=50K,57, Self-emp-inc,165881, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,387777, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +>50K,44, Self-emp-not-inc,149943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,60, Taiwan +<=50K,36, Private,188834, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,290661, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,155603, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,2205,40, United-States +<=50K,25, Private,114838, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, Italy +<=50K,54, Local-gov,168553, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,103064, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,123833, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,60, Federal-gov,55621, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,66, Local-gov,189834, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,36, Private,217926, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, United-States +>50K,29, Self-emp-not-inc,341672, HS-grad,9, Married-spouse-absent, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0,1564,50, India +<=50K,29, Private,163003, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,2202,0,40, Taiwan +<=50K,25, Private,194352, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,44, United-States +<=50K,62, ?,54878, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,23, Private,393248, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,279315, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,33, Private,392812, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,49, Self-emp-inc,34998, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,57, Self-emp-inc,51016, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,57, Local-gov,132717, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,186078, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +>50K,37, Self-emp-inc,196123, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,43, Self-emp-inc,304906, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,41521, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,346847, Assoc-voc,11, Separated, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,107233, HS-grad,9, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,39, Private,150125, Assoc-acdm,12, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,400535, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,409622, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,36, Mexico +<=50K,27, Private,136448, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,202950, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Iran +>50K,40, Local-gov,197012, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,8614,0,40, England +<=50K,57, Private,237691, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,170277, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,160784, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,33798, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,197838, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,223212, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,33, Private,125762, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,283969, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,15, United-States +<=50K,25, Private,374163, 12th,8, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,60, Mexico +<=50K,49, State-gov,118567, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,147655, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,45, Private,82797, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,36, Local-gov,142573, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,235167, 5th-6th,3, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,32, Mexico +<=50K,23, Private,53245, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1602,12, United-States +>50K,47, Private,28035, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,247082, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,123397, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Local-gov,133327, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,102270, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,64, ?,45817, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,240988, 9th,5, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,19, Private,386378, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,31, State-gov,350651, 12th,8, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,18, State-gov,76142, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,68, Private,73773, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,50, ?,281504, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,293358, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,48, United-States +>50K,44, Private,146906, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,58, Self-emp-not-inc,331474, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,20, Private,213719, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,18, Private,101795, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,228265, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,49, Self-emp-not-inc,130206, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,324254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,223019, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,189666, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,139086, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,359327, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,44, Self-emp-not-inc,75065, 12th,8, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, Vietnam +<=50K,55, Private,139843, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,21, Private,34310, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2603,40, United-States +<=50K,54, Private,346014, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,39, Local-gov,163278, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,2202,0,44, United-States +<=50K,52, Private,31460, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,38, United-States +>50K,57, Self-emp-inc,33725, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,67, ?,63552, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,58, State-gov,300623, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Local-gov,177072, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Male,0,0,16, United-States +<=50K,66, ?,37331, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,41, Private,167725, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,131180, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,16, United-States +>50K,58, Private,275859, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,8614,0,52, Mexico +<=50K,50, Private,275181, 5th-6th,3, Divorced, Other-service, Not-in-family, White, Male,0,0,37, Cuba +<=50K,31, Private,398988, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,222654, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,111129, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Self-emp-not-inc,137795, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,33, Local-gov,242150, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,35, State-gov,237873, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,367749, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,26, Private,206600, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Mexico +<=50K,48, Federal-gov,247043, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,187702, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,41718, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,37, Private,151835, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,118938, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,48, Private,224870, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Other, Female,0,0,38, Ecuador +<=50K,45, Private,178341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,61343, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,36989, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,226296, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,51, United-States +<=50K,29, Private,186624, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Cuba +<=50K,19, Private,172582, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,53, State-gov,227392, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,187563, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,71, Private,137499, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,16, United-States +<=50K,38, Private,239397, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, Mexico +<=50K,39, Local-gov,327164, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,140798, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Self-emp-inc,187450, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,194580, 5th-6th,3, Divorced, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,372682, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,235442, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,30, Private,128065, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,91545, 10th,6, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,36, United-States +<=50K,26, Private,154604, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Federal-gov,192150, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,216522, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,42, United-States +>50K,58, Private,156040, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1848,40, United-States +<=50K,24, Private,206861, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,97632, Some-college,10, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,32, United-States +<=50K,27, Private,189530, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,28, State-gov,381789, Some-college,10, Separated, Exec-managerial, Own-child, White, Male,0,2339,40, United-States +<=50K,57, Self-emp-inc,368797, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,41183, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,191062, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,132963, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,153551, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,27, Self-emp-not-inc,66473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,240323, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,17, United-States +>50K,68, Local-gov,242095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,40, United-States +<=50K,33, Self-emp-inc,128016, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,29526, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,26, Private,342953, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Private,215476, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,30, United-States +<=50K,53, Private,231919, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,52537, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Male,0,0,38, United-States +<=50K,18, Private,27920, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,25, United-States +>50K,53, Private,153052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,199303, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,233369, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,345789, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +>50K,60, Private,238913, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,28, Self-emp-not-inc,195607, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,245173, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,1669,45, United-States +<=50K,37, Private,138441, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,67467, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,46, Private,102569, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +<=50K,21, Private,213341, 11th,7, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0,1762,40, Dominican-Republic +<=50K,26, Private,37202, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,47, Private,140219, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,298860, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,22, Private,51362, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,16, United-States +<=50K,36, Private,199947, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,59, Self-emp-not-inc,32552, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,183845, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, El-Salvador +<=50K,33, Private,181091, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, England +<=50K,53, Self-emp-inc,135643, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,50, South +<=50K,44, State-gov,96249, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,40, United-States +<=50K,55, Private,181220, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,133025, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,54, Self-emp-not-inc,124865, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,51, Private,45599, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,194293, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,2463,0,38, United-States +>50K,43, Private,102180, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,121130, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,138768, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,43, State-gov,98989, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, State-gov,126327, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,113364, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,30, Private,326199, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,46, Private,376789, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,27, Private,137063, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,279145, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,36, Private,178815, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,40, United-States +<=50K,25, Self-emp-not-inc,245369, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,30, Federal-gov,49593, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,46, State-gov,238648, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,7298,0,40, United-States +>50K,47, Private,166181, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,48, United-States +>50K,66, Self-emp-inc,249043, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5556,0,26, United-States +<=50K,43, Private,156403, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,128529, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,36, Federal-gov,186934, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1848,55, United-States +<=50K,46, ?,148489, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,44, Local-gov,387770, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,42, Private,115511, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,39, Private,201410, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,45, Philippines +>50K,36, Private,220585, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,60, Self-emp-not-inc,282066, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +>50K,37, Private,280966, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,291586, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,142227, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,17, ?,104025, 11th,7, Never-married, ?, Own-child, White, Male,0,0,18, United-States +<=50K,45, Local-gov,148254, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,54, Private,170562, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,222490, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,63, Local-gov,57674, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,233624, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,27, Private,42734, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,33, Private,233107, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,33, Mexico +<=50K,64, Private,143110, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Private,195844, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,115896, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,303851, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,172475, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,53, Self-emp-not-inc,30008, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,33, Local-gov,147921, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Federal-gov,172716, 12th,8, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,155057, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,43, ?,152569, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,2339,36, United-States +<=50K,80, Self-emp-not-inc,132728, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +<=50K,31, Private,195136, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,40, Private,377322, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,293941, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,182123, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,38, Private,32528, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,33, Private,140206, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,378221, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Mexico +<=50K,23, Private,211601, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,119411, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,52, Self-emp-not-inc,240013, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,24, Private,95552, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,183710, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,36, Private,189382, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,380633, 5th-6th,3, Widowed, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,54, Private,53407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,150480, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,40, Private,175674, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,375313, HS-grad,9, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,21, ?,278391, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,23, Private,212888, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,487085, 7th-8th,4, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,22, Private,174461, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,55, Local-gov,133201, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,71, Private,77253, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,17, United-States +>50K,47, Private,141511, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,17, Self-emp-inc,181608, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,12, United-States +>50K,31, Private,127610, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,32, Private,154571, Some-college,10, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +>50K,46, Private,33842, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,40, United-States +<=50K,27, Private,150080, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,39, Federal-gov,30916, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,40, Private,151294, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,48, United-States +<=50K,30, Private,48829, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,1602,30, United-States +<=50K,17, Private,193769, 9th,5, Never-married, Other-service, Unmarried, White, Male,0,0,20, United-States +<=50K,33, Private,277455, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Private,225780, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,34, Federal-gov,436341, Some-college,10, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,65, Private,255386, HS-grad,9, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,36, Private,174938, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +<=50K,32, Private,174789, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,245628, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, Mexico +<=50K,22, Private,228752, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,354148, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,48, United-States +<=50K,31, Private,192900, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,190391, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,353263, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, Italy +<=50K,34, Private,113198, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,28, United-States +>50K,44, Private,207578, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,93206, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,50, Local-gov,163998, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +<=50K,47, Private,111961, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,20, Private,219122, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,111445, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +>50K,29, Federal-gov,309778, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,223020, Assoc-voc,11, Never-married, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,42, Private,303155, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,41035, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,68, Private,159191, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Local-gov,244408, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,72, Self-emp-not-inc,473748, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,45, Federal-gov,71823, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,20, United-States +<=50K,30, Local-gov,83066, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,150154, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,190786, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,178033, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,4416,0,60, United-States +<=50K,25, Self-emp-not-inc,159909, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,190885, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,25, Private,243786, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +>50K,31, State-gov,124020, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,159016, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +>50K,37, Private,183800, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,193434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,245029, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,55, Private,98746, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, Canada +>50K,46, Federal-gov,140664, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,44, Private,344920, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,1617,20, United-States +<=50K,44, Private,169980, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,60, United-States +<=50K,28, State-gov,155397, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,42, Private,245317, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,74182, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,280570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,64, Self-emp-not-inc,30664, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,109952, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,45, Local-gov,192793, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,243442, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,36, Federal-gov,106297, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,328060, 9th,5, Separated, Other-service, Unmarried, Other, Female,0,0,40, Mexico +<=50K,33, Self-emp-not-inc,48702, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,51, Self-emp-not-inc,111283, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,35, United-States +<=50K,36, Private,484024, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,208470, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,172032, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,51, United-States +<=50K,40, Private,29927, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, England +<=50K,46, Private,98012, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,108468, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,207301, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,1980,40, United-States +<=50K,26, Private,168403, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,66935, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,42044, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,184806, Prof-school,15, Never-married, Prof-specialty, Other-relative, White, Male,0,0,50, United-States +<=50K,39, Private,1455435, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,445382, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,37, Private,278576, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,79, Self-emp-not-inc,84979, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,36, Private,659504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,44, Private,136986, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,278107, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1573,30, United-States +<=50K,27, Private,96219, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +>50K,46, Self-emp-not-inc,131091, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,58, Private,205410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,416745, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +>50K,36, Private,180667, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,60, United-States +<=50K,21, Private,72119, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,41, State-gov,108945, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,14344,0,40, United-States +<=50K,49, Federal-gov,195949, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,101345, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,439263, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, Peru +>50K,63, Private,213095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Federal-gov,59932, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,172815, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,40915, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,42, Private,139012, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,44, Private,121781, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,37, United-States +<=50K,51, ?,130667, HS-grad,9, Separated, ?, Not-in-family, Black, Male,0,0,6, United-States +<=50K,41, Self-emp-not-inc,147110, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,25, United-States +<=50K,22, Local-gov,237811, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, Haiti +<=50K,36, ?,128640, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,18, Private,111476, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,289716, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,141944, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,49, Private,323773, 11th,7, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +<=50K,41, State-gov,176663, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,155233, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,143327, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Federal-gov,177212, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,123088, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Local-gov,47085, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,102106, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,235894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,172046, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,20, Self-emp-not-inc,197207, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, Private,152452, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,172928, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,36, ?,214896, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,49, Private,116338, HS-grad,9, Separated, Prof-specialty, Unmarried, White, Female,0,653,60, United-States +>50K,48, Private,276664, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,22, Private,59924, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,194141, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1617,40, United-States +<=50K,51, Private,95128, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,292504, Some-college,10, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,45796, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,119359, Prof-school,15, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,15024,0,40, South +<=50K,52, State-gov,104280, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,172291, HS-grad,9, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,35, Private,180988, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,39, United-States +>50K,52, Private,110748, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,59, ?,556688, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,36, Private,22494, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,267859, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +<=50K,67, Local-gov,256821, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,20, United-States +<=50K,31, Self-emp-not-inc,117346, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,62374, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,314659, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,72, ?,114761, 7th-8th,4, Widowed, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,36, Private,93225, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,165315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,56, Private,124771, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,27408, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,198841, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,271792, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,64289, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,183390, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, Private,240771, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,50, United-States +<=50K,30, Private,234919, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, El-Salvador +<=50K,20, Private,88231, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,154422, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,37, Private,119098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, State-gov,151580, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,40, United-States +<=50K,54, Private,118793, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,32, ?,30499, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,32, United-States +>50K,34, ?,166545, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,7688,0,6, United-States +>50K,30, Private,271710, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,43, State-gov,308498, HS-grad,9, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,172695, Assoc-voc,11, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,29962, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,62, Private,200332, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,291702, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,67234, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,168038, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,34, Private,137814, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,64, Private,126233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,42, Self-emp-not-inc,79036, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,60, Self-emp-not-inc,327474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,44, Private,145160, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,58, United-States +<=50K,67, ?,37092, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,45, Private,129387, Assoc-acdm,12, Divorced, Tech-support, Unmarried, White, Female,0,0,40, ? +>50K,53, Self-emp-not-inc,33304, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +>50K,37, Private,359001, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,50, United-States +<=50K,32, ?,143162, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,133515, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,28, Private,168901, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,55, Private,750972, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,58, Private,142924, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,74, Self-emp-inc,228075, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,25, United-States +<=50K,27, Private,91189, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,290609, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, ?,31102, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,4, South +<=50K,44, Self-emp-not-inc,216921, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,120046, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,324629, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Yugoslavia +>50K,45, Private,81132, Some-college,10, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,29, Private,160279, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,229732, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,61, Local-gov,144723, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,29, Private,148431, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, Other, Female,7688,0,45, United-States +<=50K,22, Private,160398, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,38, United-States +<=50K,28, Private,129460, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,30, Private,252752, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,58222, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,28, ?,424884, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,30, United-States +>50K,45, Private,114459, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,46400, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,24, United-States +<=50K,42, Private,223934, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,84119, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,159123, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,195532, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,191299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,40, Private,198316, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,162301, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,35, Private,143152, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908,0,27, United-States +<=50K,24, Private,92609, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,27, Private,247819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,27, Local-gov,229223, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,142719, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,80, Private,86111, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,23, State-gov,35633, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Private,164749, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,607848, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,173630, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,90, Private,311184, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, ? +<=50K,55, Private,49737, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,72, Private,183616, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, England +<=50K,65, Private,129426, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,454915, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,55568, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,29874, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,393715, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,50, Private,143953, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +>50K,54, Private,90363, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,53727, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,130021, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,50, Private,173630, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,410351, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,399386, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,53, United-States +<=50K,55, Private,157932, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,133061, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,46400, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,21, Private,107895, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Private,63021, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,43, Private,186144, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,27959, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, Private,179569, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, State-gov,101299, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,113129, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,65, United-States +<=50K,32, Private,316470, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, Mexico +<=50K,60, Self-emp-not-inc,89884, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,41, Private,32121, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,315303, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,27, Private,254500, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,36, United-States +<=50K,33, Private,419895, 5th-6th,3, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,43, Private,159549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,27, Private,160786, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,18, Self-emp-not-inc,258474, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,48, Self-emp-not-inc,370119, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,50837, 7th-8th,4, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,137506, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,57, Private,548256, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688,0,40, United-States +>50K,42, Local-gov,175642, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,99999,0,40, United-States +<=50K,24, Private,183594, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,341353, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +<=50K,43, Self-emp-inc,247981, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,5455,0,50, United-States +<=50K,34, Private,193565, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,39606, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,127149, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,31, ?,233371, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,45, United-States +>50K,49, Self-emp-not-inc,182752, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,26, Private,269060, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,179949, HS-grad,9, Divorced, Transport-moving, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Federal-gov,32950, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,37, United-States +<=50K,26, Private,160445, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,223999, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,1848,40, United-States +<=50K,39, Private,81487, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,625,40, United-States +<=50K,23, Private,314539, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,337721, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,42, Local-gov,100793, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,39, Federal-gov,255407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,92775, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,33308, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,68, State-gov,493363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,30, ?,159589, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,46, United-States +<=50K,32, Private,107218, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,25, Private,123586, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Male,0,0,40, United-States +<=50K,53, Private,158352, 5th-6th,3, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,24, Italy +>50K,38, Private,76317, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,62, ?,176753, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,122346, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,463194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,162228, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,115005, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, State-gov,183285, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,36, United-States +<=50K,34, Private,169605, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,24, Private,450695, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,44, Local-gov,124692, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,63918, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,102569, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,289309, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,48, United-States +<=50K,45, Private,101825, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,43, Private,206833, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,45, United-States +<=50K,22, ?,77873, 9th,5, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +>50K,50, Private,145333, Doctorate,16, Divorced, Prof-specialty, Other-relative, White, Male,10520,0,50, United-States +<=50K,72, ?,194548, Some-college,10, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,29, Private,206351, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,198200, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,140001, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, El-Salvador +<=50K,22, ?,287988, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,15, United-States +<=50K,21, Private,143604, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,30, Self-emp-not-inc,146161, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,37, Private,196529, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,2354,0,40, ? +<=50K,74, Self-emp-not-inc,192413, Prof-school,15, Divorced, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,70, Self-emp-not-inc,139889, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653,0,70, United-States +<=50K,27, Private,104917, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,161478, Bachelors,13, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,46, United-States +<=50K,30, Private,35644, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,116751, Assoc-voc,11, Divorced, Protective-serv, Unmarried, White, Male,0,0,56, United-States +<=50K,18, Private,238867, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,1602,40, United-States +>50K,31, Private,265706, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,39, State-gov,179668, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +<=50K,21, Private,57951, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,176711, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,33, Local-gov,368675, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Private,216149, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,29, Private,173851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,90705, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1485,40, United-States +<=50K,52, State-gov,216342, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,35, Private,140752, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,33, Private,116508, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, ?,224361, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,5, Cuba +>50K,43, Private,180303, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,66, ?,196736, 1st-4th,2, Never-married, ?, Not-in-family, Black, Male,0,0,30, United-States +>50K,51, Local-gov,110327, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,185607, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,17, Local-gov,244856, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,198068, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,97136, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Self-emp-inc,164658, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +>50K,54, Private,235693, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,197038, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Local-gov,97419, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,208872, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,98, United-States +<=50K,32, Private,205528, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-inc,146042, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-inc,222641, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,376936, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Local-gov,138077, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +<=50K,24, Private,155913, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +>50K,45, Private,36006, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,214678, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,46, Private,369538, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,166565, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,257043, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,47, Self-emp-inc,181130, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,69, ?,254834, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,10605,0,10, United-States +<=50K,43, Self-emp-not-inc,38876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,187073, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Federal-gov,156996, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2415,55, ? +<=50K,90, Private,313749, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +>50K,41, Private,331651, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, Japan +<=50K,24, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,24, Private,32921, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,117167, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,53, United-States +>50K,35, Private,401930, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1887,42, United-States +<=50K,30, Private,114691, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Private,99385, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Local-gov,210308, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1721,30, United-States +<=50K,39, Private,252327, 9th,5, Separated, Craft-repair, Own-child, White, Male,0,0,35, Mexico +<=50K,43, Private,90582, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,190194, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,264188, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,34, Private,243776, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,67065, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,204209, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,24, Private,226668, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,35, United-States +>50K,34, Self-emp-inc,174215, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,4787,0,45, France +>50K,33, Private,315143, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Cuba +<=50K,37, Private,118681, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,38, Puerto-Rico +>50K,39, Self-emp-not-inc,208109, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,58, Private,116901, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Self-emp-not-inc,405644, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,33, Federal-gov,293550, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,4064,0,40, United-States +<=50K,42, Local-gov,328581, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,217962, Some-college,10, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, ? +<=50K,57, Private,158827, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,67, Federal-gov,65475, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,159709, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,140474, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,43, Private,144778, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, Italy +<=50K,39, Self-emp-not-inc,83242, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,143385, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Local-gov,167544, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,13, United-States +<=50K,25, Private,122175, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,378747, 10th,6, Separated, Transport-moving, Unmarried, Black, Male,0,0,45, United-States +<=50K,24, Private,230475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,50, Self-emp-inc,120781, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,70, Private,206232, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,61, Private,298400, Bachelors,13, Divorced, Sales, Not-in-family, Black, Male,4787,0,48, United-States +<=50K,51, Federal-gov,163671, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,38, Self-emp-not-inc,140583, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,51, Private,137253, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,246974, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,182470, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,57, Self-emp-inc,107617, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +>50K,44, Self-emp-inc,116358, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,29, Private,250819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,196508, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +>50K,42, Private,367533, 10th,6, Married-civ-spouse, Craft-repair, Own-child, Other, Male,0,0,43, United-States +>50K,74, Private,188709, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,50, Private,271160, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,173674, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,14, United-States +<=50K,64, ?,257790, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,44, Private,322391, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,34, Private,209691, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,50, United-States +<=50K,17, Private,104232, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,17, ?,86786, 10th,6, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,88233, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,240888, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,169719, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +<=50K,20, Private,129240, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,160968, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,34, Private,236861, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,109282, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,32, Private,215047, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,40, Private,115932, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Ireland +<=50K,28, Private,55360, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,44, Private,224658, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,29, Local-gov,376302, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, Nicaragua +<=50K,28, Private,183597, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,594,0,50, Germany +<=50K,37, Private,115289, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,258883, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,69132, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,207301, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +<=50K,37, Private,179671, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,140456, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,327397, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,60, Private,200235, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,108435, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,2829,0,30, United-States +>50K,47, Private,195978, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,329144, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,48, Self-emp-inc,250674, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,57, ?,176897, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,50, Self-emp-inc,132716, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,62, Private,174201, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,45, Private,167617, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,254949, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,319582, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,25, Private,248990, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +<=50K,49, Private,144396, 11th,7, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, State-gov,200469, Some-college,10, Never-married, Protective-serv, Unmarried, Black, Female,3887,0,40, United-States +<=50K,25, Federal-gov,55636, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,39, Private,185624, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,27, Local-gov,125442, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Private,160943, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,243841, HS-grad,9, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, South +<=50K,21, Private,34616, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,33, Private,235847, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,174789, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,280111, 11th,7, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,70, Private,236055, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,237865, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,42, United-States +<=50K,17, Private,194612, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,20, Private,173851, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,372483, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,35, United-States +>50K,71, Federal-gov,422149, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,40, United-States +<=50K,31, Private,174201, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,272618, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,52, Private,74660, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,201481, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,175232, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,336440, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,46645, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,9, United-States +>50K,48, State-gov,31141, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, United-States +>50K,53, Private,281425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,31510, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Private,310255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,32, Federal-gov,82393, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,56, United-States +<=50K,59, Self-emp-not-inc,190514, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,49, Private,165513, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, ?,178931, HS-grad,9, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,3818,0,40, United-States +>50K,31, Private,226696, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Private,195813, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,5178,0,40, Puerto-Rico +<=50K,44, Private,165815, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,123983, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,55, Japan +<=50K,36, Private,235371, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,147258, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,63, ?,222289, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,7688,0,54, United-States +>50K,67, Self-emp-inc,171564, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051,0,30, England +<=50K,29, Private,255949, Bachelors,13, Never-married, Sales, Unmarried, Black, Male,0,0,40, United-States +<=50K,52, Private,186272, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,282872, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,40, United-States +<=50K,21, Private,111676, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,199501, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,38, United-States +<=50K,24, Private,151443, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Female,0,0,30, United-States +<=50K,31, Private,145935, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,54, Federal-gov,230387, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,44, Private,127592, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,210828, Some-college,10, Never-married, Handlers-cleaners, Own-child, Other, Male,0,0,30, United-States +<=50K,41, Private,297186, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,37, Self-emp-inc,116554, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,30, Private,144593, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, ? +<=50K,26, State-gov,147719, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,68, Self-emp-not-inc,89011, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Canada +<=50K,31, Private,38158, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,178686, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, ?,172826, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,155752, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,63, Private,100099, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,231688, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,30, ?,147215, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,42, Self-emp-inc,50122, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,64, Federal-gov,86837, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,32, Private,113364, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,289390, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,73, Private,77884, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,32, Private,390157, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Private,89587, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,45, United-States +<=50K,58, Private,234328, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Local-gov,365430, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,24, Private,410439, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +>50K,53, Private,129525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,166527, Some-college,10, Never-married, Exec-managerial, Own-child, Other, Female,0,0,40, United-States +<=50K,42, ?,109912, Assoc-acdm,12, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,210906, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,405284, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,28, Private,138269, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,25429, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,231672, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,258550, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,268147, 9th,5, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,54411, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, ? +>50K,54, Private,37289, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,23, Private,157951, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,43, Self-emp-inc,225165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,37, Private,238049, 9th,5, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,30, El-Salvador +<=50K,31, Private,197252, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,56, Self-emp-inc,216636, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1651,40, United-States +<=50K,25, Private,183575, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,19752, 11th,7, Never-married, Other-service, Own-child, Black, Female,0,0,25, United-States +<=50K,37, Private,103925, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,68, United-States +<=50K,60, Private,31577, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,61298, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Federal-gov,190541, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,366089, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,28, ?,389857, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Male,0,0,16, United-States +<=50K,33, ?,192644, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,216129, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1408,50, United-States +>50K,29, Private,51944, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,4386,0,40, United-States +<=50K,33, Self-emp-not-inc,67482, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +<=50K,29, ?,108775, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,23, State-gov,279243, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,278391, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, Nicaragua +<=50K,60, Private,349898, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,44, United-States +<=50K,44, Private,219441, 10th,6, Never-married, Sales, Unmarried, Other, Female,0,0,35, Dominican-Republic +<=50K,18, Private,173255, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,1055,0,25, United-States +<=50K,52, Federal-gov,29623, 12th,8, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,217460, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,30, Private,163604, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,33, Private,163110, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781,0,40, United-States +<=50K,20, Private,238685, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,27, ?,251854, Bachelors,13, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, ? +<=50K,33, Private,213308, Assoc-voc,11, Separated, Adm-clerical, Own-child, Black, Female,0,0,50, United-States +<=50K,25, Private,193773, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,63, Private,114011, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Female,0,0,20, United-States +<=50K,63, Self-emp-not-inc,52144, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,43, Private,347934, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,58, Private,293399, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, ?,118630, Assoc-voc,11, Widowed, ?, Unmarried, White, Female,0,0,35, United-States +>50K,35, Private,127306, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,14344,0,40, United-States +>50K,42, Private,366180, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,20, Local-gov,188950, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,25, United-States +<=50K,35, Private,189382, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,24515, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,283116, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,1506,0,50, United-States +<=50K,43, Self-emp-not-inc,182217, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,19, Private,552354, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,163021, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,61885, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,36, Self-emp-not-inc,182898, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,45, Private,183092, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Private,30289, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,29, Private,77572, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,48, State-gov,118330, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,36, Private,469056, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,58, Private,145574, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,302041, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,59, Private,32552, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, United-States +<=50K,42, Private,185413, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,33, Federal-gov,26543, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,163870, Some-college,10, Never-married, Armed-Forces, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,240063, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,48, Private,208748, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Dominican-Republic +<=50K,32, Local-gov,84119, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,84130, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,66, Local-gov,261062, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Local-gov,336010, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,32, United-States +>50K,52, Private,389270, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,17, Private,138293, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,35, Private,240389, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +>50K,39, Private,190297, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +<=50K,21, ?,170070, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,10, United-States +<=50K,24, Private,149457, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,81534, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,84, Japan +<=50K,25, Private,378322, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,2001,50, United-States +<=50K,29, Federal-gov,196912, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,56, Private,116143, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,44, United-States +<=50K,34, Self-emp-not-inc,80933, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Local-gov,190660, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,120155, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,39, United-States +<=50K,47, Private,167159, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650,0,40, United-States +>50K,36, Private,58343, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,42, United-States +<=50K,44, Federal-gov,161240, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,126402, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Black, Female,0,0,60, United-States +<=50K,23, Private,148709, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +>50K,45, Local-gov,318280, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,31, Local-gov,80058, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,64, United-States +<=50K,45, Private,274689, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,157367, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, ? +>50K,33, Private,217460, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,33727, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,30, Self-emp-not-inc,166961, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,146117, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,33, Private,160216, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,32, ? +>50K,70, Self-emp-not-inc,124449, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,8, United-States +<=50K,22, Private,50163, 9th,5, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,235271, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,121124, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,43, Self-emp-not-inc,144218, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,94334, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,25, United-States +>50K,59, Self-emp-inc,169982, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,51, Self-emp-not-inc,35295, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +<=50K,47, Private,133969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,2885,0,65, Japan +<=50K,36, Private,35429, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,73, Local-gov,205580, 5th-6th,3, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,6, United-States +<=50K,32, Local-gov,177794, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,167474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Local-gov,35211, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,117244, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,45, United-States +<=50K,57, Private,194850, Some-college,10, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Mexico +<=50K,19, Private,144911, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,45, Private,197240, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,55, Private,101338, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,148522, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,97261, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,166606, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,229414, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,34, Local-gov,209213, Bachelors,13, Never-married, Prof-specialty, Other-relative, Black, Male,0,0,15, United-States +>50K,26, Private,291968, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,73, Federal-gov,127858, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,3273,0,40, United-States +<=50K,27, Private,302406, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,37, Self-emp-not-inc,29054, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,84, United-States +<=50K,73, Self-emp-not-inc,336007, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Federal-gov,349230, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,1848,40, United-States +<=50K,36, Local-gov,101481, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,46704, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,233639, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,68, Local-gov,31725, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,54850, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,50, United-States +<=50K,30, Private,293512, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,375655, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +>50K,28, Private,105817, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,203408, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,162302, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,40, Private,163455, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,55, United-States +<=50K,32, Local-gov,100135, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, ?,41517, 11th,7, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,18, Private,102182, 12th,8, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,414683, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,194352, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,194096, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,45, United-States +<=50K,90, Local-gov,153602, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,6767,0,40, United-States +<=50K,20, Private,215495, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,27, Private,164607, Bachelors,13, Separated, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,58, Local-gov,34878, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Private,126569, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,65, ?,315728, HS-grad,9, Widowed, ?, Unmarried, White, Female,2329,0,75, United-States +<=50K,28, Private,22422, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,178222, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,45, Local-gov,56841, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,300275, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,69, Local-gov,197288, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,58, Self-emp-not-inc,157786, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,110684, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,58, Self-emp-not-inc,140729, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +>50K,53, Federal-gov,90127, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,44, Self-emp-inc,37997, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,61308, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,171199, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Puerto-Rico +<=50K,48, Private,128432, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,195023, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,122473, 9th,5, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,625,40, United-States +<=50K,43, Private,171888, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Self-emp-inc,183784, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,20, Private,219262, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,71379, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,19, ?,234519, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,96824, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,242597, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,127388, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,204536, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,54, Private,143804, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,80680, Some-college,10, Married-civ-spouse, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,36, Private,301227, 5th-6th,3, Separated, Priv-house-serv, Unmarried, Other, Female,0,0,35, Mexico +<=50K,26, Self-emp-not-inc,201930, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,176616, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,353219, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,126076, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,156493, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,48, Federal-gov,435503, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-inc,561489, Masters,14, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,50, United-States +<=50K,22, Federal-gov,100345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,43, United-States +<=50K,18, Private,36275, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,46, Private,110794, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Local-gov,143766, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,30, Federal-gov,76313, HS-grad,9, Married-civ-spouse, Armed-Forces, Other-relative, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,31, Private,121308, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,216672, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,89942, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,3674,0,45, United-States +>50K,45, State-gov,103406, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,30, State-gov,158291, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,455361, 9th,5, Never-married, Other-service, Unmarried, White, Male,0,0,35, Mexico +<=50K,44, Private,225263, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,1408,46, United-States +>50K,54, Private,225307, 11th,7, Divorced, Craft-repair, Own-child, White, Female,0,0,50, United-States +>50K,36, Private,286115, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,187830, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,142506, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,47, Local-gov,148576, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,36, Private,185325, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,32, Self-emp-not-inc,27939, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,21, Private,383603, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,140790, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,226629, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +<=50K,51, Private,228516, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,45, Columbia +<=50K,55, Self-emp-not-inc,119762, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,299197, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,149297, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,28, Local-gov,202558, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,175232, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,157473, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, ?,409842, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,105787, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,36, United-States +<=50K,68, Private,144056, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818,0,40, United-States +>50K,46, Private,45363, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,2824,40, United-States +<=50K,21, Private,205838, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,23, Private,115326, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,17, Private,186890, 10th,6, Married-civ-spouse, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,23, Local-gov,304386, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,24529, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Male,0,0,15, United-States +<=50K,33, Private,183557, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,342730, Assoc-acdm,12, Separated, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, ?,182191, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,4064,0,30, Canada +<=50K,56, Self-emp-not-inc,67841, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,351381, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,293691, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,1590,40, Japan +>50K,41, Self-emp-inc,220821, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,190027, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Private,343944, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,110457, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, State-gov,72333, HS-grad,9, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,43, Self-emp-not-inc,193494, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,334999, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,44, Self-emp-not-inc,274363, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,58, Self-emp-inc,113806, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,30, United-States +<=50K,25, Private,52536, Assoc-acdm,12, Divorced, Tech-support, Own-child, White, Female,0,1594,25, United-States +<=50K,44, Private,187720, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,57, Private,104996, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,24, Private,214555, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,52963, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,190511, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,2176,0,35, United-States +<=50K,25, Private,75821, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,33, Private,123291, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,84, United-States +>50K,50, Local-gov,226497, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +>50K,35, Private,282979, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +>50K,36, Private,166549, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,27, Private,187746, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,157145, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,30, Private,227551, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,115306, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,169249, HS-grad,9, Separated, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,34, State-gov,221966, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,39, Private,224566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,28119, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,4, United-States +<=50K,19, Private,323810, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,210498, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,174995, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,30, Hungary +<=50K,38, Private,161141, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,210534, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,34, Self-emp-not-inc,112650, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, State-gov,318891, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Local-gov,375655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,228465, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,33, ?,102130, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,73, Private,183213, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Male,25124,0,60, United-States +<=50K,35, Local-gov,177305, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,40, United-States +<=50K,41, Private,34037, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,116613, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,175540, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,47, Private,150768, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,1564,51, United-States +>50K,36, Private,176634, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +<=50K,36, Private,209993, 1st-4th,2, Widowed, Other-service, Other-relative, White, Female,0,0,20, Mexico +<=50K,25, Local-gov,206002, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,201259, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, Local-gov,202286, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,96062, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,40, United-States +<=50K,36, Local-gov,578377, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,30, Private,509500, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,4787,0,45, United-States +<=50K,53, Local-gov,324021, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,107737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,41, State-gov,129865, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,103586, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,187513, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,28, Private,172891, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,53, Local-gov,207449, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,32, Private,209103, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,408813, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,209292, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,32, Dominican-Republic +>50K,52, Private,144361, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,31, Private,209538, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,27, Private,244402, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,889965, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3137,0,30, United-States +<=50K,37, Self-emp-not-inc,298444, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,163237, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,311795, 12th,8, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,42, Private,155972, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Private,291783, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,153535, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,36, United-States +<=50K,43, Private,249771, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,99, United-States +>50K,43, Private,462180, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,31, Private,308540, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,34701, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,106252, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,138944, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +>50K,37, Private,140713, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, Jamaica +>50K,53, Local-gov,216931, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,4386,0,40, United-States +<=50K,26, Private,162312, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,20, Philippines +>50K,59, Self-emp-inc,253062, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,36, Federal-gov,359249, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,231413, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,197054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,130931, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,35, Private,30565, HS-grad,9, Married-AF-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,105138, HS-grad,9, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Local-gov,178383, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Private,241998, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,58, Self-emp-not-inc,196403, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,10, United-States +<=50K,44, Private,232421, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0,0,32, Canada +<=50K,30, Private,130369, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,68, Self-emp-not-inc,336329, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,26, Local-gov,337867, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,26, Local-gov,104614, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,223548, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,43, State-gov,506329, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, ? +<=50K,48, Private,64479, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,47, United-States +<=50K,55, Private,284095, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,50, Self-emp-not-inc,221336, Some-college,10, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, ? +>50K,41, Private,428499, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,50, United-States +<=50K,52, Private,208302, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,24, ?,412156, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +>50K,31, Self-emp-not-inc,182177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +>50K,54, Local-gov,129972, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,31, Self-emp-not-inc,186420, Masters,14, Separated, Tech-support, Not-in-family, White, Female,0,0,25, United-States +>50K,31, Self-emp-inc,203488, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,47, Private,128796, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,55395, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, State-gov,314770, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,45, Private,135044, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,319248, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,25, Mexico +<=50K,34, Local-gov,236415, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,18, United-States +>50K,48, ?,151584, Some-college,10, Never-married, ?, Not-in-family, White, Male,8614,0,60, United-States +<=50K,19, ?,133983, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,56, Private,81220, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +<=50K,47, Private,151087, HS-grad,9, Separated, Prof-specialty, Other-relative, Other, Female,0,0,40, Puerto-Rico +>50K,35, Private,322171, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,190628, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +<=50K,43, Local-gov,106982, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,227856, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,37, United-States +<=50K,66, ?,213477, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,10, United-States +>50K,63, Private,266083, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,257068, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0,0,37, United-States +<=50K,58, ?,37591, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,150533, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,27, Private,211184, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,52, United-States +<=50K,21, Private,136610, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +>50K,44, Federal-gov,244054, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,40, Self-emp-not-inc,240698, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,172906, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,238959, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,163085, HS-grad,9, Separated, ?, Own-child, White, Male,0,0,20, United-States +>50K,51, State-gov,172022, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Federal-gov,218062, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,201799, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,13, United-States +<=50K,29, Private,150717, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,94391, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,50, Local-gov,153064, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,43, Private,156771, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,216639, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,82161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, ?,159159, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,58, Self-emp-not-inc,310014, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,50, State-gov,133014, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,36214, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,21, Private,399022, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,33, Private,179758, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,52, Private,48947, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,47, Private,201865, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,319122, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,14084,0,45, United-States +>50K,34, Private,155151, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,24106, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Philippines +<=50K,31, Private,257863, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,19, ?,28967, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,379393, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,45, Self-emp-not-inc,152752, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,3, United-States +<=50K,34, Private,154874, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,4416,0,30, United-States +<=50K,27, Private,154210, 11th,7, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0,0,35, India +<=50K,37, Private,335716, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,94744, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +>50K,32, Private,133861, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,48, United-States +<=50K,24, Private,240137, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,39, Private,80004, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,109702, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,62, Self-emp-not-inc,39610, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,90046, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,193855, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,206889, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,86298, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,149650, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,2559,48, United-States +<=50K,25, Private,323139, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,44, Private,237993, Prof-school,15, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, ? +<=50K,24, Private,36058, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,163393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,45, Local-gov,93535, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,112952, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +>50K,48, Private,182541, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,26, Local-gov,73392, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,40, ?,507086, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,32, United-States +>50K,68, Private,195868, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,24, Private,276851, HS-grad,9, Divorced, Protective-serv, Own-child, White, Female,0,1762,40, United-States +<=50K,25, ?,39901, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,31, Local-gov,33124, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,55, Private,419732, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,46, Private,171095, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,58, Private,199278, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,56, Private,235205, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,45, Federal-gov,168232, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +>50K,24, Private,145964, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Local-gov,72338, HS-grad,9, Divorced, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,56, United-States +>50K,51, Private,153870, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,323798, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +<=50K,17, Private,198830, 11th,7, Never-married, Adm-clerical, Other-relative, White, Female,0,0,10, United-States +<=50K,21, Private,267040, 10th,6, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,45, Private,167187, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,230684, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,56, Private,659558, 12th,8, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,181661, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,186144, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0,0,40, Mexico +<=50K,20, Federal-gov,178517, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,131417, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797,0,21, United-States +<=50K,44, Private,57233, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,379798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Private,122175, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,107302, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,127651, 10th,6, Never-married, Transport-moving, Other-relative, White, Male,0,1741,40, United-States +<=50K,33, Self-emp-not-inc,102884, Bachelors,13, Married-civ-spouse, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,49, Self-emp-not-inc,241753, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,173611, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,232666, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,352207, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,37, Self-emp-not-inc,241998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,5, United-States +>50K,52, Private,279129, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,37, United-States +<=50K,27, Private,177057, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,155659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,55, United-States +<=50K,21, Private,251603, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Federal-gov,19914, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,61, Private,115023, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,32, Private,101709, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,313702, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Private,250068, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,227359, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,21, State-gov,196827, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,10, United-States +<=50K,44, Private,118550, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,26, Private,285004, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,35, South +>50K,36, Private,280169, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,144608, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,52, Private,76860, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,8, Philippines +<=50K,44, Self-emp-not-inc,167280, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,334783, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,60, ?,141580, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,226443, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,366065, Some-college,10, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,23, Private,225724, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,81, State-gov,132204, 1st-4th,2, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Private,258276, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,3137,0,40, ? +<=50K,38, Private,197711, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Portugal +<=50K,21, Private,30619, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,28, Local-gov,335015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,61272, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,106544, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,144169, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,40295, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,99, United-States +<=50K,56, Private,266091, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2907,0,52, Cuba +<=50K,57, Private,143030, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,30, ? +<=50K,42, State-gov,192397, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,43, Private,114351, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,48, ?,63466, HS-grad,9, Married-spouse-absent, ?, Unmarried, White, Female,0,0,32, United-States +<=50K,53, Private,132304, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Scotland +<=50K,58, Private,128162, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,19, Private,125938, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,40, El-Salvador +>50K,37, Private,170174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,41, Self-emp-not-inc,203451, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,31, Private,109917, 7th-8th,4, Separated, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,114937, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,53, Local-gov,231196, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,238474, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,56, Private,314149, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,55, Federal-gov,31728, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,360131, 5th-6th,3, Married-civ-spouse, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,62, Private,141308, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,83411, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, ?,119835, 7th-8th,4, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,28, Local-gov,296537, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,193047, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, State-gov,39630, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Local-gov,213975, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,30, United-States +>50K,60, Local-gov,259803, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,23, Federal-gov,55465, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,181307, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +<=50K,21, Private,211301, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,51, Private,200450, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,61, Local-gov,176731, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,52, Self-emp-not-inc,140985, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999,0,30, United-States +<=50K,76, Private,125784, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,152176, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,39, United-States +<=50K,31, Self-emp-not-inc,111423, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +>50K,43, Private,130126, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,58, Federal-gov,30111, Some-college,10, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,18, ?,214989, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,24, United-States +<=50K,19, Private,272800, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,44, Private,195881, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Female,0,0,45, United-States +<=50K,41, Local-gov,170924, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Male,0,0,7, United-States +<=50K,21, Private,131473, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,20, Vietnam +<=50K,40, Private,149466, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,25, Private,190418, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, Canada +<=50K,62, Local-gov,167889, Doctorate,16, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, Iran +<=50K,42, Private,177989, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,186035, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,195805, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,60, Private,54800, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,100605, HS-grad,9, Never-married, Sales, Own-child, Other, Male,0,0,40, Puerto-Rico +<=50K,23, Private,253190, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +<=50K,18, Private,203301, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,40, Private,175696, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,278304, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,51, Private,93193, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,158688, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,327612, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,210844, Some-college,10, Married-spouse-absent, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,147340, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,71, Self-emp-not-inc,130436, 1st-4th,2, Divorced, Craft-repair, Not-in-family, White, Female,0,0,28, United-States +<=50K,25, Private,206600, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, El-Salvador +<=50K,73, Private,284680, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,127738, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,25, Private,213412, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,287927, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, United-States +<=50K,44, Private,249332, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Ecuador +<=50K,44, Local-gov,290403, Assoc-voc,11, Divorced, Protective-serv, Own-child, White, Female,0,0,40, Cuba +>50K,49, Private,54772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +>50K,44, Self-emp-inc,56651, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,42, Federal-gov,178470, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,62865, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, United-States +<=50K,66, Private,107196, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Female,0,0,18, United-States +<=50K,19, Private,86860, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,15, United-States +<=50K,60, Private,130684, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,46, Private,164682, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,198316, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,59, Private,261816, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,52, Outlying-US(Guam-USVI-etc) +>50K,58, Private,280309, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,60, United-States +<=50K,47, Private,97176, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,95835, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,36, United-States +>50K,69, ?,323016, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,99999,0,40, United-States +<=50K,17, ?,280670, 10th,6, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,136306, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,65171, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,70, United-States +<=50K,37, Private,25864, HS-grad,9, Separated, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,149531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,33887, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,172822, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,2824,76, United-States +<=50K,59, Private,106748, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,99, United-States +<=50K,45, Private,131826, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,216691, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,10520,0,40, United-States +<=50K,37, Private,133328, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,164737, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Local-gov,99064, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,59460, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,27, Private,208725, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,138513, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,121055, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,149784, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,114495, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,133278, 12th,8, Separated, ?, Unmarried, Black, Female,0,0,53, United-States +>50K,32, Private,212276, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,440129, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, Mexico +>50K,47, Private,98012, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,27, Private,145284, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,177147, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,141537, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,48093, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,92, United-States +<=50K,23, Local-gov,314819, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,123572, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,170800, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,42, Private,332401, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,193038, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +>50K,41, Private,351161, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1848,45, United-States +<=50K,45, Federal-gov,106910, HS-grad,9, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,67, ?,163726, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,49, United-States +<=50K,36, Self-emp-not-inc,609935, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,48, ? +<=50K,52, State-gov,314627, Masters,14, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,115945, Doctorate,16, Never-married, Adm-clerical, Own-child, White, Male,0,0,18, United-States +<=50K,83, Self-emp-inc,272248, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,17, Private,167878, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,176972, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,31095, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,40, Private,130834, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,207415, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,51, Local-gov,264457, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,51, Private,340588, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,54, Mexico +<=50K,82, ?,42435, 10th,6, Widowed, ?, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,107411, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,53, Private,290640, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Germany +<=50K,29, Private,106179, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, Canada +<=50K,19, Private,247679, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,171598, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,234460, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, Dominican-Republic +>50K,66, Private,196674, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,182540, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,172694, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,29571, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,27, Private,130438, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,213421, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Local-gov,189956, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, Black, Female,15024,0,40, United-States +<=50K,64, Private,133144, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,62, Self-emp-inc,24050, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,26, Private,276967, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,184857, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,40, Private,145160, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,192251, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,190650, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,52, Local-gov,255927, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,46, Private,99086, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,216811, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,52, Private,110563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,120471, HS-grad,9, Never-married, Transport-moving, Not-in-family, Other, Male,0,0,40, United-States +<=50K,17, Private,183066, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,46, State-gov,298786, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,45, Private,297884, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,253612, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,1055,0,32, United-States +<=50K,18, Self-emp-not-inc,207438, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,148522, 11th,7, Never-married, Other-service, Own-child, White, Male,0,1721,15, United-States +<=50K,90, Private,139660, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,37, United-States +<=50K,23, Private,165474, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,67929, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,69, Private,229418, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,41356, Assoc-acdm,12, Never-married, Exec-managerial, Unmarried, White, Female,0,0,32, United-States +<=50K,28, Private,185127, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,54, United-States +>50K,37, Private,109133, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +<=50K,57, Private,148315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,30, Local-gov,145692, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,1974,40, United-States +<=50K,48, Private,210424, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,914,0,40, United-States +<=50K,73, Private,198526, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,32, United-States +<=50K,25, Private,521400, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +>50K,33, Private,100882, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,124818, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,190836, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +<=50K,57, Private,71367, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,303032, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, ?,98989, 9th,5, Divorced, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,38, United-States +<=50K,40, State-gov,390781, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,48, United-States +<=50K,32, Private,54782, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,35, ?,202683, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,213081, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,27, Self-emp-inc,89718, Some-college,10, Separated, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,225106, 10th,6, Never-married, Other-service, Own-child, White, Female,0,1602,18, United-States +<=50K,29, Private,253262, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,78181, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,158206, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,69, ?,337720, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,18, State-gov,391257, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,134756, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,183404, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,8, United-States +<=50K,46, Private,192793, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,203943, 12th,8, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, ? +<=50K,53, Private,89400, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,237868, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,139187, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,40, Private,126701, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,172175, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,164210, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Local-gov,608184, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,17, ?,198797, 11th,7, Never-married, ?, Own-child, White, Male,0,0,20, Peru +>50K,50, Local-gov,425804, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,117618, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, Private,119164, Bachelors,13, Never-married, Other-service, Unmarried, White, Male,0,0,40, ? +<=50K,40, Self-emp-inc,92036, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,77146, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,191803, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,54932, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,251694, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,22, Private,268145, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,104842, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,50, Haiti +>50K,60, Local-gov,227332, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,212512, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,50, United-States +<=50K,53, Private,133436, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,309055, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,59202, HS-grad,9, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,10, United-States +<=50K,36, Private,32709, Some-college,10, Divorced, Sales, Not-in-family, White, Female,3325,0,45, United-States +>50K,67, Self-emp-inc,73559, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,50, United-States +<=50K,31, Private,117963, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +>50K,26, Private,169121, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,308889, 11th,7, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,45, Local-gov,144940, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,64, Private,102041, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,335998, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,53, Private,29557, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,210313, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,28, Guatemala +<=50K,32, Private,190784, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,107597, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,14084,0,30, United-States +>50K,59, Private,97168, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,155930, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +<=50K,61, Self-emp-not-inc,181033, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,41, ?,344572, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,46, State-gov,170165, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,32, Private,178835, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,118230, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,149640, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,30271, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,154165, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,341797, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Local-gov,145246, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,51, Private,280093, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,42, Private,373469, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,199172, Bachelors,13, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,70, Self-emp-not-inc,177199, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,3, United-States +<=50K,33, Private,258932, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,139960, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605,0,60, United-States +<=50K,39, Private,258037, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, ? +<=50K,32, Private,116677, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,59496, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,34218, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,200246, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, Federal-gov,316246, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Local-gov,239161, Some-college,10, Separated, Protective-serv, Own-child, Other, Male,0,0,52, United-States +<=50K,49, Self-emp-not-inc,173411, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,259226, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,35, Local-gov,195516, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,200598, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,45, United-States +>50K,42, State-gov,160369, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,415913, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,147253, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,199674, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,29, State-gov,198493, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,377121, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,21, Private,400635, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, ? +<=50K,45, Private,513660, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, ?,175069, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,82552, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,594,0,50, United-States +<=50K,28, ?,78388, 10th,6, Never-married, ?, Own-child, White, Female,0,0,38, United-States +<=50K,23, Private,171705, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,39, Self-emp-not-inc,315640, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,60, Iran +>50K,45, Private,266860, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,68, Private,192829, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +>50K,60, Federal-gov,237317, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,4934,0,40, United-States +>50K,38, State-gov,110426, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, ? +<=50K,41, Private,327606, 12th,8, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,34845, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,58582, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,155659, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,210029, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,381618, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,55, Self-emp-inc,298449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,35, State-gov,226789, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +>50K,52, Private,210736, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,55, United-States +<=50K,46, State-gov,111163, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,72, ?,76860, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,1, United-States +<=50K,18, Private,92112, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,62, Local-gov,136787, HS-grad,9, Divorced, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,29810, Some-college,10, Never-married, Transport-moving, Own-child, White, Female,0,0,30, United-States +>50K,40, Private,360884, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,40, United-States +<=50K,26, Private,266022, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,142874, Assoc-acdm,12, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,36, United-States +<=50K,25, Self-emp-not-inc,72338, HS-grad,9, Never-married, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,46, ?,177305, Assoc-voc,11, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, United-States +>50K,39, Private,165106, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,1564,50, ? +>50K,41, Private,424478, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +>50K,59, Private,189721, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +<=50K,37, Private,34180, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,183279, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,35309, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,23, Private,259109, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Puerto-Rico +>50K,67, Self-emp-not-inc,148690, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Male,18481,0,2, United-States +>50K,60, Private,125019, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,48, United-States +>50K,39, Self-emp-inc,172538, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,410615, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,60, United-States +<=50K,26, Private,322547, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,300760, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,232782, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,174645, 11th,7, Divorced, Craft-repair, Unmarried, White, Female,0,0,52, United-States +<=50K,43, Private,164693, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,206861, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,25, United-States +>50K,32, Private,195602, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +>50K,33, Self-emp-not-inc,422960, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,45, Private,116360, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,48, Private,278530, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,43, Local-gov,188291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,50, Self-emp-not-inc,163948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,63, Private,64544, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,101468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,22, Private,107882, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +<=50K,32, Self-emp-not-inc,182691, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,60, United-States +<=50K,27, Private,203776, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,201268, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,44, Private,29762, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,68, United-States +<=50K,34, Private,186346, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,196690, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,99604, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,24, United-States +<=50K,45, Private,194772, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,17, Private,95446, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,53, Self-emp-not-inc,257126, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,58, Private,194733, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,98361, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,44, Local-gov,124924, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,40, Self-emp-not-inc,111971, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,58, Self-emp-not-inc,130714, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,38, Private,208358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,147627, 9th,5, Never-married, Priv-house-serv, Not-in-family, Black, Female,1055,0,22, United-States +<=50K,31, Private,149507, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,38, United-States +<=50K,31, Private,164870, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,236861, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,45, United-States +<=50K,37, Private,220314, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,38, Local-gov,329980, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1876,40, Canada +<=50K,58, Local-gov,318537, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,30, Private,183284, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,334368, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,46, Private,109227, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,70, United-States +<=50K,34, Private,118551, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-inc,163057, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,99, United-States +<=50K,61, Self-emp-inc,253101, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Self-emp-not-inc,20098, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,196227, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,175374, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,234037, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,58, United-States +<=50K,47, Private,341762, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,33, United-States +<=50K,20, Private,174714, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,222835, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,251786, 1st-4th,2, Separated, Other-service, Not-in-family, White, Female,0,0,40, Mexico +<=50K,20, Private,164219, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +>50K,33, Private,251120, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,30, Private,236993, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Local-gov,105896, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,211527, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +>50K,34, Private,317809, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,25, Private,185287, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,31014, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,44, Private,151985, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,24, United-States +<=50K,26, Private,89389, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,406051, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,48, Self-emp-not-inc,171986, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,26, Private,167848, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Local-gov,213019, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,211424, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,168981, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,24, Private,122348, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,139753, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Local-gov,176178, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,2, United-States +<=50K,41, Private,145220, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, Columbia +<=50K,38, Local-gov,188612, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,445728, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,318002, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,235722, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, ?,367984, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,67, Private,212705, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,49, Private,411273, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,103986, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,44, Private,203761, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,58, ?,266792, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,99999,0,40, United-States +<=50K,22, Private,116800, Assoc-acdm,12, Never-married, Protective-serv, Own-child, White, Male,0,0,60, United-States +<=50K,21, State-gov,99199, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,10, United-States +<=50K,50, Private,162327, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,44, Local-gov,100479, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,36, Local-gov,32587, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,30, Federal-gov,321990, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,48, Cuba +>50K,52, Private,108914, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,61343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,90, United-States +<=50K,48, Local-gov,81154, Assoc-voc,11, Never-married, Protective-serv, Unmarried, White, Male,0,0,48, United-States +<=50K,23, Private,162945, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2377,40, United-States +<=50K,37, Private,225504, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,191712, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +>50K,44, Private,176063, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,198587, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, State-gov,34965, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +>50K,31, Self-emp-inc,467108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, ?,263899, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,12, England +<=50K,29, Private,204984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,217568, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,48343, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,193130, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,253354, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,258026, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,16, United-States +<=50K,64, ?,211360, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,55, Private,191367, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,48, Private,148995, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,123901, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +>50K,50, Local-gov,117496, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,30, United-States +<=50K,45, Self-emp-inc,32356, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,51, United-States +<=50K,17, Private,206506, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,10, El-Salvador +<=50K,38, Private,218729, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,43, Private,52498, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,136767, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,63, Private,219540, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,114059, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,56, Private,247337, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, State-gov,310969, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,171546, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,217455, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,410489, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,59, Private,146391, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,46, Local-gov,165484, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,23, Private,184271, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,46, Self-emp-not-inc,231347, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +>50K,53, Private,95469, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,244025, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,56, Puerto-Rico +<=50K,46, Federal-gov,46537, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,205730, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,29, Private,383745, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,30, United-States +<=50K,32, Private,328199, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,90, Private,84553, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,221072, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, ? +<=50K,23, Private,123983, Assoc-voc,11, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,76, ?,191024, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,167868, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,225879, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0,0,30, Mexico +<=50K,81, Self-emp-inc,247232, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,2936,0,28, United-States +<=50K,17, Private,143791, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,12, United-States +>50K,56, Private,177271, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,58, Federal-gov,129786, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,31339, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,236267, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,36, Private,130620, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,35, Philippines +>50K,32, Private,208180, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,25, Private,292058, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +>50K,29, Federal-gov,142712, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,119665, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +>50K,41, Private,116825, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,48, State-gov,201177, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,118337, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,27, ?,173800, Masters,14, Never-married, ?, Unmarried, Asian-Pac-Islander, Male,0,0,20, Taiwan +<=50K,55, Private,289257, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,190912, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,1651,40, Vietnam +<=50K,45, Private,140581, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,50, Private,174102, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,22, Private,316509, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,80, Local-gov,20101, HS-grad,9, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,32, United-States +<=50K,30, Private,187279, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,259496, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,29, Self-emp-not-inc,181466, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,56, Private,178202, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,188976, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,203027, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, State-gov,142022, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,31, Private,119033, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,216181, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,47, Private,178341, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +<=50K,25, Local-gov,244408, Bachelors,13, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,31, Private,198953, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,28, Private,173110, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,66326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,30, Local-gov,181091, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,135500, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,133929, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, ? +<=50K,26, Private,86483, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,167787, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,208577, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,2258,50, United-States +<=50K,43, Private,216697, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Other, Male,0,0,32, United-States +<=50K,32, Local-gov,118457, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,20, Private,298635, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,21, Local-gov,212780, 12th,8, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,20, United-States +<=50K,32, Private,159187, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,237995, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,48, United-States +<=50K,45, Private,160724, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,37, Self-emp-inc,183800, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,54, ?,185936, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,24, Private,161198, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,28, ?,113635, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,23, Private,214542, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,54, ?,172991, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,40, Private,203761, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,161141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,71, Private,180117, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,317396, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,237868, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,5, United-States +<=50K,30, Private,323069, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,181091, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,38, Private,309122, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Federal-gov,105936, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,13550,0,40, United-States +<=50K,43, Private,40024, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,42, United-States +>50K,36, Federal-gov,192443, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,13550,0,40, United-States +<=50K,24, State-gov,184216, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,29, ?,256211, 1st-4th,2, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,55, Private,205422, 10th,6, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,51, Private,22211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,43, Local-gov,196308, HS-grad,9, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,28, Private,389713, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,82566, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,47, Private,199058, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,160440, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,47, Private,76034, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,57, United-States +<=50K,38, Private,188503, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,6497,0,35, United-States +<=50K,60, Self-emp-not-inc,92845, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,29083, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,22, Private,234474, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +>50K,55, Local-gov,107308, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,111891, Some-college,10, Separated, Sales, Other-relative, Black, Female,0,0,35, United-States +>50K,53, Self-emp-not-inc,145419, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,67, Italy +>50K,44, Local-gov,193425, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386,0,40, United-States +<=50K,28, Federal-gov,188278, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Local-gov,303485, Some-college,10, Never-married, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Local-gov,67187, HS-grad,9, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,43, State-gov,114508, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,204172, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Local-gov,162973, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,64, Self-emp-not-inc,192695, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, Canada +>50K,41, Local-gov,89172, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,163320, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,128230, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,27, Private,246440, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,50567, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,20, Private,117476, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,315834, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,28, Local-gov,214881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,195516, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,218653, Bachelors,13, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,51, Private,87205, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,20, United-States +<=50K,40, Private,164647, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,38, United-States +<=50K,19, Private,129151, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,319697, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,193374, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,167864, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,197932, Some-college,10, Separated, Priv-house-serv, Not-in-family, White, Female,0,0,30, Guatemala +<=50K,51, Private,102904, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,43, United-States +<=50K,44, Private,216907, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,35, Local-gov,331395, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,40, Private,171424, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,35406, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,25, Private,238964, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,213002, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1408,36, United-States +<=50K,32, Private,27882, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Female,0,2205,40, Holand-Netherlands +<=50K,22, Private,340543, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,70240, Some-college,10, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,18, Self-emp-not-inc,87169, HS-grad,9, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,43, Private,253759, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,45, United-States +<=50K,46, Private,194431, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +>50K,63, Private,137843, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,48, United-States +<=50K,40, ?,170649, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,59, Private,182460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Local-gov,26929, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,399022, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,64, ?,50171, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,36, Private,218490, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,164423, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,124436, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,60981, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,17, Private,70868, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,16, United-States +<=50K,36, Private,150601, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,53, Private,228500, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,76767, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,39, United-States +<=50K,20, Private,218178, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,615367, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +>50K,34, Private,150324, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,51264, 11th,7, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,197642, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,229895, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,167415, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,51, Private,166934, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,305597, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,301591, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,47, Federal-gov,229646, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0,0,40, Puerto-Rico +<=50K,28, Self-emp-not-inc,51461, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,206600, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,24, Nicaragua +<=50K,25, Private,176836, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,50, Private,204447, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,50, Private,33304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,174051, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,38918, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,1876,75, United-States +<=50K,32, Private,170017, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,98466, 10th,6, Never-married, Farming-fishing, Unmarried, White, Male,0,0,35, United-States +<=50K,19, Private,188864, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,20, United-States +>50K,53, Self-emp-inc,137815, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,43475, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,557236, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Private,32779, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,419,12, United-States +<=50K,31, Private,161765, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2051,57, United-States +>50K,32, Private,207668, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,2444,50, United-States +<=50K,33, Private,171215, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, ?,52590, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,183751, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,149507, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +>50K,49, Private,98092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,123714, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, State-gov,190385, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,51, Private,334273, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,343440, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,208302, HS-grad,9, Divorced, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,23, Local-gov,280164, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,32, United-States +<=50K,23, Self-emp-not-inc,174714, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,184655, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,140459, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,25, United-States +<=50K,53, Self-emp-not-inc,108815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,152652, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,69, Private,269499, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,8, United-States +<=50K,46, Local-gov,33373, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,243674, HS-grad,9, Separated, Tech-support, Not-in-family, White, Male,0,0,46, United-States +<=50K,40, Private,225432, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,215839, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, ? +<=50K,29, Local-gov,195520, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,70092, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,22, Private,189888, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,64307, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,94235, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,35, Private,62333, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,260997, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,146268, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,39, Private,147258, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,207948, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,180607, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,56, Local-gov,104996, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,562336, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,38, Self-emp-not-inc,334366, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,15, United-States +>50K,52, State-gov,142757, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,26, Local-gov,220656, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,38, England +<=50K,43, Private,96483, HS-grad,9, Divorced, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, South +<=50K,45, Private,51744, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,42, United-States +>50K,41, Self-emp-inc,114967, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,393965, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,24, Private,41838, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,43, Local-gov,143046, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,44, Private,209174, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,54, Private,183248, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,23, Private,102942, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,2258,40, United-States +>50K,33, Self-emp-not-inc,427474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,338632, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,38, Private,89559, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, Germany +<=50K,41, Self-emp-not-inc,32533, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,255969, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,48, United-States +>50K,66, Self-emp-inc,112376, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,346053, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,147653, 10th,6, Married-civ-spouse, Craft-repair, Wife, White, Female,0,1977,35, ? +<=50K,60, Self-emp-not-inc,44915, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,10, United-States +<=50K,24, Local-gov,111450, 10th,6, Never-married, Craft-repair, Unmarried, Black, Male,0,0,65, Haiti +<=50K,61, Private,171429, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,35, Local-gov,190964, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,109005, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,404453, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,280169, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,39, Self-emp-not-inc,163204, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,192256, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,181755, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,183105, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,44, Cuba +<=50K,37, Private,335168, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,38, Local-gov,86643, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,180262, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,127865, Masters,14, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,146042, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,3103,0,60, United-States +>50K,49, Self-emp-not-inc,102110, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +>50K,38, Private,152237, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, ? +<=50K,22, Private,202745, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,55, United-States +>50K,40, Federal-gov,199303, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,266467, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,345259, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, United-States +<=50K,24, Private,204935, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,56, United-States +>50K,58, Federal-gov,244830, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,4787,0,40, United-States +<=50K,24, Private,190457, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,180138, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,38, Private,166585, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,29962, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,191129, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,378707, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,37, Private,116358, HS-grad,9, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,27828,0,48, United-States +<=50K,48, Private,240629, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,40, Private,233320, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,50, Self-emp-inc,302708, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,50, Japan +<=50K,57, Private,29375, HS-grad,9, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,35, United-States +>50K,36, Local-gov,137314, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,140886, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,226968, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,151793, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,0,0,10, United-States +<=50K,34, Self-emp-not-inc,56460, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,2179,12, United-States +<=50K,23, Private,72887, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,1, Vietnam +<=50K,35, Private,261646, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,178615, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +>50K,33, Private,295589, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,32, Self-emp-inc,377836, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,56510, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,337696, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,183765, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,107846, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Local-gov,22641, HS-grad,9, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,35, Private,204590, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,29, Private,114801, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,190591, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,33, State-gov,220066, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,48, United-States +<=50K,22, ?,228480, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,128378, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,157595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Local-gov,152171, 11th,7, Never-married, Protective-serv, Own-child, White, Male,0,0,10, United-States +>50K,63, Private,339755, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,49, Private,240841, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,58, Private,94345, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,289116, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,59, Private,176647, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,79627, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,210781, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,17, ?,161981, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,493443, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,86459, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,64, Private,312242, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,3, United-States +<=50K,34, Private,185408, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,101077, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,51, Private,147200, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, State-gov,166327, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,35, United-States +<=50K,55, Private,178644, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,126675, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,46, ? +<=50K,30, Private,158420, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,25, United-States +<=50K,47, ?,83046, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +<=50K,29, Private,46609, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,17, ?,170320, 11th,7, Never-married, ?, Own-child, White, Female,0,0,8, United-States +>50K,32, Self-emp-not-inc,37232, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,55, Private,141877, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,81654, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,56, United-States +<=50K,50, Private,177705, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,124792, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,45, United-States +>50K,32, Self-emp-not-inc,129497, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,60, Private,114413, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,53, Private,189511, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,111625, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,8614,0,40, United-States +<=50K,45, Private,246431, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,31, Private,147654, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,443546, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,281751, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,263128, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,26, Private,292692, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,47, Self-emp-inc,96798, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +>50K,34, Private,430554, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,317078, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,48, Private,108557, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,99999,0,40, United-States +<=50K,32, Private,207400, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,187089, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,42, United-States +>50K,46, Local-gov,398986, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,52, United-States +<=50K,38, Private,238980, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,407495, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,70, United-States +>50K,35, Private,183800, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, ?,226989, HS-grad,9, Divorced, ?, Not-in-family, White, Male,4865,0,40, United-States +<=50K,45, Private,287190, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +<=50K,31, Private,111363, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,260938, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,183594, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,64, ?,49194, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,20, ?,117618, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,172496, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Private,389713, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,174413, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, State-gov,189843, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,198546, Masters,14, Widowed, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,21, Private,82497, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,193090, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,79, Private,172220, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, White, Female,2964,0,30, United-States +>50K,55, Private,208451, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,234277, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,60, Private,163729, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,2597,0,40, United-States +<=50K,37, Private,434097, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, Private,192053, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1590,40, United-States +<=50K,20, State-gov,178628, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,96827, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Canada +<=50K,34, Private,154667, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,160246, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,166036, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,186813, HS-grad,9, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,29, Private,162312, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0,0,40, United-States +<=50K,58, Private,183893, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,55, ?,270228, Assoc-acdm,12, Married-civ-spouse, ?, Husband, Black, Male,7688,0,40, United-States +<=50K,40, Private,111829, Masters,14, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,175669, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,25, State-gov,104097, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Local-gov,117618, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,24, United-States +<=50K,34, Self-emp-inc,202450, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,109570, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,60, Private,101096, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +>50K,39, Private,236391, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,136975, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,167523, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2179,45, United-States +<=50K,33, Private,240979, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,26, Private,248612, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,39, Private,151023, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,114,0,45, United-States +>50K,29, Private,236436, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,40, United-States +<=50K,29, ?,153167, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,52, Private,61735, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,34, Private,243165, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,388885, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,77, Self-emp-inc,84979, Doctorate,16, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051,0,40, United-States +<=50K,34, Self-emp-not-inc,87209, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,53, Self-emp-not-inc,168539, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,31, Private,179013, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Private,196643, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,15, United-States +>50K,50, Self-emp-not-inc,68898, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, United-States +<=50K,32, Private,156464, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,35884, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,182714, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,77, Private,344425, 9th,5, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,10, United-States +<=50K,37, Self-emp-not-inc,177277, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,70767, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,520078, Assoc-acdm,12, Divorced, Sales, Unmarried, Black, Male,0,0,60, United-States +<=50K,53, Local-gov,321770, HS-grad,9, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Private,158416, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,312667, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,208656, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,594,0,20, United-States +<=50K,33, Private,31481, Bachelors,13, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,31, Private,259531, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,186239, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,162954, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,249315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,308237, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,103064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,185847, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,54, United-States +<=50K,31, Private,168521, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,60, Private,198170, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,353628, 10th,6, Separated, Sales, Unmarried, Black, Female,0,0,38, United-States +<=50K,38, ?,273285, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, Private,272069, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,26, Private,22328, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,309212, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,25, United-States +>50K,25, Self-emp-inc,148888, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Local-gov,324637, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Self-emp-inc,55139, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, ?,212206, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,1887,48, United-States +<=50K,29, Private,119004, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2179,40, United-States +>50K,45, Private,252079, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,70, Private,315868, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,392325, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +>50K,40, State-gov,174283, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +<=50K,17, Private,126832, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,18, Private,126071, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,265706, Masters,14, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,41, Private,282964, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,328518, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, State-gov,283499, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,286675, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,56, Private,136472, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,36, Private,132879, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +<=50K,26, Private,314798, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, Private,143943, Bachelors,13, Widowed, Tech-support, Unmarried, White, Female,0,0,7, United-States +<=50K,35, Private,134367, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Local-gov,366796, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,195573, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,33616, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,164190, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,380281, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,25, Columbia +>50K,58, Self-emp-inc,190763, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,209535, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,156003, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,55699, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,40, United-States +>50K,28, Private,183151, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +<=50K,40, Private,198790, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,272359, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,80, United-States +<=50K,27, Private,236481, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,10, India +<=50K,55, Private,143266, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,25, United-States +<=50K,53, Private,192386, HS-grad,9, Separated, Transport-moving, Unmarried, White, Male,0,0,45, United-States +<=50K,23, Private,99543, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,46, United-States +<=50K,66, Private,169435, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,16, United-States +>50K,34, Self-emp-not-inc,34572, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,119272, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,211601, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,26, Private,154785, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Other, Female,0,0,35, United-States +<=50K,21, Private,213041, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Cuba +<=50K,59, Private,229939, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,175331, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,30, Private,226443, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,46561, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,161311, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,30, United-States +<=50K,50, Private,98215, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,118363, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,2206,5, United-States +<=50K,59, Local-gov,181242, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,356238, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,80, United-States +>50K,56, Self-emp-not-inc,39380, Some-college,10, Married-spouse-absent, Farming-fishing, Not-in-family, White, Female,27828,0,20, United-States +<=50K,28, Private,315287, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, ? +<=50K,34, Private,269723, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,2977,0,50, United-States +<=50K,63, Private,34098, 10th,6, Widowed, Farming-fishing, Unmarried, White, Female,0,0,56, United-States +<=50K,48, Private,50880, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +>50K,41, Federal-gov,356934, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,26, Private,276309, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,20, United-States +<=50K,47, Private,175925, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,2179,52, United-States +<=50K,29, Self-emp-not-inc,164607, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,224462, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,92863, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,179565, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,59, Self-emp-not-inc,31137, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,19, Private,199495, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,175262, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,37, Private,220585, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Local-gov,231793, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,34, Federal-gov,191342, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,38, United-States +<=50K,30, Private,186420, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,35, United-States +>50K,30, Private,328242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,56, Private,279340, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,174478, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,151771, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,145636, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,43, United-States +<=50K,21, Private,120326, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,246439, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,144133, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,44, Local-gov,145522, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,312055, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,235847, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,50, United-States +<=50K,37, Private,187748, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,396482, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,49, Private,261688, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,60, United-States +<=50K,20, Private,39477, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,37, Private,143058, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,216867, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, Mexico +<=50K,44, Private,230592, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +<=50K,30, Local-gov,40338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,115457, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,374983, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,285419, 12th,8, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,385901, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,22, United-States +<=50K,45, State-gov,187581, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,299036, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,68729, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,27, Private,333990, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,117767, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,43, Private,184378, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,232591, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,143851, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,89622, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,34, Private,202498, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,72, Private,268861, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,99, ? +>50K,54, Private,343242, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,30, Private,460408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,205246, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,230329, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,197871, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,72, ?,201375, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,194290, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,191814, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,95168, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,137876, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,386136, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,108390, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,3432,0,20, United-States +>50K,41, Private,152529, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,214891, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,18, Private,133654, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,147548, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,57, Private,73051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,60166, 1st-4th,2, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,65, United-States +<=50K,25, Self-emp-inc,454934, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,64, ?,338355, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,15, United-States +<=50K,35, Self-emp-not-inc,185621, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,101500, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,36397, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,18, Private,276540, 12th,8, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,21, Private,293968, Some-college,10, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,43, ?,35523, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,32, Local-gov,186993, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,52, Private,232132, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,176917, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,105936, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,105821, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,22, ?,34506, Some-college,10, Separated, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,42, Private,178074, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,116961, 7th-8th,4, Widowed, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,34, Private,191930, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,130807, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,94100, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,65, Self-emp-not-inc,144822, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-inc,102191, Masters,14, Widowed, Exec-managerial, Unmarried, White, Female,0,0,99, United-States +<=50K,18, Private,90934, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,28, United-States +<=50K,49, ?,296892, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Puerto-Rico +>50K,48, Private,173243, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,258768, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,2174,0,75, United-States +<=50K,30, Private,189759, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,68, Self-emp-not-inc,69249, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,133061, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,65, Self-emp-not-inc,175202, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,32, Private,27051, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +>50K,44, Private,60414, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,317360, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,258298, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Private,174040, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Local-gov,177566, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,50, Germany +>50K,54, Private,162238, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,35, Private,87556, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,144322, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,190015, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,183173, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,38, Self-emp-not-inc,151322, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Local-gov,47392, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,107125, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Private,265295, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,189219, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,16, United-States +<=50K,56, Private,147989, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,185732, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,153516, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,191910, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,216145, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,202872, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,12, United-States +<=50K,62, Self-emp-not-inc,39630, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,24, ?,114292, 9th,5, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,26, Local-gov,206721, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,358585, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,377283, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,65, ?,76043, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,1, United-States +<=50K,65, Without-pay,172949, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2414,0,20, United-States +>50K,46, Private,110171, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,43, Local-gov,223861, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,163455, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,183892, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,47022, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, White, Female,0,0,48, United-States +>50K,55, Federal-gov,145401, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,387074, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,105363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4508,0,40, United-States +<=50K,59, Federal-gov,195467, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Local-gov,170217, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,156807, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,10, United-States +<=50K,26, Private,255193, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,40, United-States +<=50K,38, Private,273640, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,191177, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, Self-emp-inc,184787, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,37, State-gov,239409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,63, Self-emp-not-inc,404547, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,27, State-gov,23740, HS-grad,9, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,38, United-States +<=50K,20, Private,382153, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,26, Private,164488, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,21, ?,228424, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,168539, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,189530, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,89419, Assoc-voc,11, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, Columbia +>50K,35, Private,224512, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,21, ?,314645, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,43, United-States +<=50K,65, Private,85787, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,279881, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,194287, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,1602,35, United-States +<=50K,24, Private,141040, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,222294, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,70, ?,410980, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,52, Private,38795, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Private,182979, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,223277, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,67065, Assoc-voc,11, Never-married, Priv-house-serv, Not-in-family, White, Male,594,0,25, United-States +<=50K,47, Federal-gov,160647, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,45796, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,110597, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,166961, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,52, Private,318975, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Cuba +<=50K,49, Private,305657, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,120857, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,18, United-States +<=50K,62, Self-emp-not-inc,158712, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,6, United-States +<=50K,44, Private,304530, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Local-gov,327533, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +>50K,68, Local-gov,233954, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Federal-gov,26880, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,70754, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,184665, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,245372, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,0,15, United-States +<=50K,62, Private,252668, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +>50K,37, Private,86551, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, Private,241998, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,4787,0,40, United-States +<=50K,44, Private,106900, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +>50K,41, Private,204235, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,127772, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,117217, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,48, Federal-gov,215389, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,198050, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,39, Private,173476, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,38, Private,217349, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,14344,0,40, United-States +>50K,44, Private,377018, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,99894, 10th,6, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,30, Japan +<=50K,25, Private,170786, 9th,5, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Local-gov,250585, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,47, Private,198769, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,306513, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,178623, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,14084,0,60, United-States +<=50K,23, Private,109307, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,41, Federal-gov,106982, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,396878, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,25, United-States +<=50K,23, Private,344278, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,25, United-States +>50K,45, Private,203653, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298,0,40, United-States +<=50K,42, Local-gov,227890, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,29, Private,107812, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,48, Private,185143, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,143068, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,114758, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,46, Private,266337, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,321787, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,27, State-gov,21306, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,18, Private,271935, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,148952, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,42, Private,196626, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,108082, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,36, Private,199439, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,304076, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +>50K,52, Self-emp-inc,81436, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,352971, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,53, Private,375134, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,36, Private,206521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,330466, Bachelors,13, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,208302, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,60, Self-emp-not-inc,135285, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,171615, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,64, Self-emp-not-inc,149698, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,71351, 1st-4th,2, Never-married, Other-service, Other-relative, White, Male,0,0,25, El-Salvador +<=50K,63, Private,84737, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,54, Local-gov,375134, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,207103, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,199314, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Poland +<=50K,63, Self-emp-not-inc,289741, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,41310,0,50, United-States +<=50K,37, Private,240837, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,22, Private,283499, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,54, Private,97778, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,21698, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Local-gov,232618, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,175820, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,25, Local-gov,63996, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,182985, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,380127, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,111483, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,18, ?,31008, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,96346, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,57, United-States +<=50K,22, Private,317528, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,34, United-States +<=50K,36, State-gov,223020, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,33, ?,173998, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,1485,38, United-States +<=50K,39, Private,115076, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,49, Private,133969, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,50, United-States +<=50K,41, Private,173858, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,35, Private,193241, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,40, Self-emp-inc,50644, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,1506,0,40, United-States +<=50K,30, Private,178841, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,177017, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1504,37, United-States +>50K,25, Private,253267, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1902,36, United-States +>50K,37, Private,202027, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,50, United-States +>50K,53, Self-emp-not-inc,321865, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,321709, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,22, Private,166371, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, ? +<=50K,18, Private,210574, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,52, ?,92968, Masters,14, Married-civ-spouse, ?, Wife, White, Female,15024,0,40, United-States +<=50K,45, Private,474617, HS-grad,9, Divorced, Sales, Unmarried, Black, Male,5455,0,40, United-States +<=50K,19, Private,264390, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,2001,40, United-States +<=50K,33, Self-emp-inc,144949, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,45, State-gov,90803, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,126701, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,40, Private,178417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,41, Self-emp-not-inc,197176, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,25, Private,182227, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,22, Private,117606, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,32, United-States +<=50K,52, Private,349502, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,45, United-States +>50K,45, Federal-gov,81487, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,32, State-gov,169583, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,26, Private,485117, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,35603, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,175390, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,184986, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Local-gov,174395, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,187711, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,189878, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,224073, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,48, Private,159726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,40, ?,65545, Masters,14, Divorced, ?, Own-child, White, Female,0,0,55, United-States +<=50K,26, Private,456618, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,2597,0,40, United-States +>50K,35, Private,202397, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,21, Private,206681, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,54, Private,222020, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,70, United-States +<=50K,40, Private,137304, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,141645, Some-college,10, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,218085, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,22, Private,52596, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,20, Private,197997, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,191444, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,40767, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,172577, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,36, Private,241998, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,65, State-gov,215908, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2174,40, United-States +>50K,48, Private,212120, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,109133, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,27828,0,60, Iran +<=50K,20, Private,224424, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,41, State-gov,214985, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,147098, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Local-gov,149833, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,41, Federal-gov,253770, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,7298,0,40, United-States +<=50K,80, Private,252466, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,59, State-gov,132717, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,52, Private,138944, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,280570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +<=50K,56, Self-emp-not-inc,144380, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,69, Local-gov,660461, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +>50K,49, Private,177211, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,197424, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,40, United-States +>50K,28, Self-emp-inc,31717, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,49, Private,296849, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,193720, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,106698, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,66, Private,214469, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,13, United-States +>50K,44, Private,185798, Assoc-voc,11, Separated, Craft-repair, Other-relative, White, Male,0,0,48, United-States +<=50K,26, Private,333108, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,35210, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,140845, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,155,40, United-States +<=50K,25, ?,335376, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,17, Private,170455, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +>50K,52, Private,298215, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, ?,93834, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,8, United-States +<=50K,24, Private,404416, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,206916, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,65, Private,143175, Some-college,10, Widowed, Sales, Other-relative, White, Female,0,0,45, United-States +>50K,36, Self-emp-not-inc,409189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,285750, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, United-States +<=50K,43, Private,235556, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,45, Mexico +>50K,39, Local-gov,170382, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, England +>50K,48, Private,195437, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,191130, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,231160, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,47310, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,214635, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, Haiti +<=50K,50, Federal-gov,65160, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, State-gov,423222, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,99999,0,80, United-States +<=50K,34, Private,263307, Bachelors,13, Never-married, Sales, Unmarried, Black, Male,0,0,45, ? +>50K,70, Self-emp-inc,272896, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,232854, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,442035, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,127875, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,283724, 9th,5, Never-married, Craft-repair, Other-relative, Black, Male,0,0,49, United-States +>50K,46, Private,403911, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1902,40, United-States +<=50K,21, ?,228649, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,40, Private,177027, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688,0,52, Japan +<=50K,47, Private,249935, 11th,7, Divorced, Craft-repair, Own-child, White, Male,0,0,8, United-States +<=50K,19, Private,533147, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Private,137862, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,16, United-States +<=50K,20, Private,249543, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,16, United-States +>50K,46, Local-gov,230979, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,4787,0,25, United-States +>50K,41, Private,137126, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,17, Private,147339, 10th,6, Never-married, Prof-specialty, Own-child, Other, Female,0,0,15, United-States +<=50K,41, Private,256647, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,111696, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,1974,40, United-States +<=50K,20, ?,150084, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,24, Private,285457, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,303867, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,44, Federal-gov,113597, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,26, Self-emp-not-inc,151626, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,26145, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,176189, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,58, Federal-gov,497253, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,41090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,60, United-States +>50K,38, Self-emp-not-inc,282461, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,225541, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,203488, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,23, ?,296613, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,40, Private,99373, 10th,6, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Local-gov,109705, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,144947, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,617898, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,38310, 7th-8th,4, Divorced, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,45, Private,248993, HS-grad,9, Married-spouse-absent, Farming-fishing, Other-relative, Black, Male,0,0,40, United-States +>50K,65, ?,149131, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Italy +<=50K,33, Private,69311, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,143766, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Private,213477, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,28, United-States +<=50K,24, Private,275691, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,39, United-States +<=50K,26, Private,59367, Bachelors,13, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,55, Private,35551, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Private,236784, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,8, Cuba +<=50K,43, Local-gov,193755, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,315291, Bachelors,13, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,22, Private,290504, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,256240, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,199591, Prof-school,15, Married-civ-spouse, ?, Wife, White, Female,0,0,25, ? +<=50K,27, Private,178709, Masters,14, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,449354, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,45, United-States +<=50K,24, Private,187937, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Never-worked,157131, 11th,7, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,53, Local-gov,188772, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, Private,157617, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +>50K,60, Private,96099, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,122322, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,60, United-States +<=50K,39, Private,409189, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,175925, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,76, Self-emp-not-inc,236878, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,216647, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,34, Private,300681, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, Jamaica +<=50K,54, Private,327769, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,194723, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Local-gov,31251, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,212506, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,23037, 12th,8, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,29054, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,41, Private,92733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,184678, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,37, Federal-gov,32528, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, England +<=50K,63, Private,125954, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, United-States +<=50K,35, Private,73715, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,209212, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,56, ? +<=50K,41, Private,287037, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,64667, HS-grad,9, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,60, Vietnam +<=50K,26, Self-emp-inc,366662, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +>50K,36, Local-gov,113337, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +>50K,47, Private,387468, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Scotland +<=50K,51, Private,384248, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, United-States +<=50K,41, Private,332703, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Other, Female,0,625,40, United-States +>50K,40, Private,198873, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,30, United-States +<=50K,32, Private,317809, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064,0,50, United-States +>50K,37, Local-gov,160910, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,40, Self-emp-inc,182629, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,267652, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,410186, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,365411, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,28, Private,205337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,100999, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,44, Private,197462, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,199143, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,7430,0,44, United-States +>50K,47, Private,191978, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,50178, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,61, Private,72442, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,248512, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,26, Private,178140, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +>50K,58, Private,354024, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,143589, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,219902, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Local-gov,419722, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,3674,0,40, United-States +>50K,40, Private,154374, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,33, Private,132601, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Self-emp-not-inc,29430, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,30731, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,66, Private,210825, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,251091, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,219034, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Federal-gov,35723, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,358886, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,248708, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,77937, 12th,8, Divorced, ?, Not-in-family, White, Female,0,0,40, Canada +<=50K,30, Private,30063, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,29, Private,253799, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, England +<=50K,60, ?,41553, Some-college,10, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,59146, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,42, Self-emp-not-inc,343609, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,50, United-States +<=50K,26, Private,216010, HS-grad,9, Separated, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,164526, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,150958, 5th-6th,3, Never-married, Farming-fishing, Unmarried, White, Male,0,0,48, Guatemala +<=50K,26, Private,244495, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,199336, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +>50K,60, Private,151369, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Federal-gov,118701, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,219611, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,184568, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,246891, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,70, Self-emp-inc,243436, 9th,5, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Local-gov,68318, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,55, United-States +<=50K,58, Private,56331, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,190591, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,54, Private,140359, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,3900,40, United-States +>50K,42, Self-emp-inc,23510, Masters,14, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,2201,60, India +<=50K,28, Private,122540, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Private,212562, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,35, Self-emp-not-inc,112497, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,35, Ireland +<=50K,82, Private,147729, 5th-6th,3, Widowed, Other-service, Unmarried, White, Male,0,0,20, United-States +>50K,48, Self-emp-not-inc,296066, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,44, Private,148138, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, Japan +<=50K,68, Private,50351, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,6360,0,20, United-States +<=50K,42, Private,306496, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,210029, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,2001,37, United-States +<=50K,54, Private,163894, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,113936, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,316820, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,17, Private,53367, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,46, Self-emp-not-inc,95256, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,59, Private,127728, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,66686, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,207627, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2228,0,24, United-States +>50K,57, Self-emp-inc,199768, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,30, United-States +<=50K,47, ?,186805, HS-grad,9, Married-civ-spouse, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,31, Private,154297, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,24, United-States +<=50K,23, Private,103064, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,93235, 12th,8, Never-married, Other-service, Own-child, White, Female,0,1721,25, United-States +<=50K,63, Private,440607, Preschool,1, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,30, Mexico +>50K,44, Private,212894, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,30, Private,167990, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,378460, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,151089, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,60, United-States +<=50K,24, Private,153583, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,114639, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,37, Private,344480, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,188300, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,105938, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,217826, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,25, Jamaica +<=50K,20, Private,379525, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,34, State-gov,177331, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,4386,0,40, United-States +<=50K,37, Private,127918, Some-college,10, Never-married, Transport-moving, Unmarried, White, Female,0,0,20, Puerto-Rico +<=50K,47, Federal-gov,27067, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,250038, 9th,5, Never-married, Farming-fishing, Other-relative, White, Male,0,0,45, Mexico +>50K,36, Self-emp-not-inc,36270, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1977,65, United-States +<=50K,60, Private,308608, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Self-emp-inc,213574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,10, United-States +<=50K,32, Local-gov,235109, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, State-gov,374905, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,118876, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,14, United-States +<=50K,55, Local-gov,223716, Some-college,10, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,85, Self-emp-not-inc,166027, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Self-emp-not-inc,275943, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,39, Private,198654, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2415,67, India +<=50K,25, Private,109080, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +>50K,58, Private,104333, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,195876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,390879, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,19, Private,197748, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,40, Private,442045, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,44216, HS-grad,9, Never-married, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,43, Federal-gov,114537, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, ?,253370, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,35, United-States +<=50K,19, Private,274830, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,321763, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +>50K,34, Private,213226, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,22, Private,167787, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,352712, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,55, ?,316027, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,26, Private,213412, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,80, Private,202483, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,79, Local-gov,146244, Doctorate,16, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,450544, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,81243, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,1876,40, United-States +>50K,43, Private,195258, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,57929, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,35, Private,953588, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,99064, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,52, Local-gov,194788, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,4787,0,60, United-States +>50K,43, Self-emp-inc,155293, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,68, Private,204082, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,34, State-gov,216283, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,37, Private,355856, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,22, Private,297380, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Private,425622, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,65, Self-emp-not-inc,145628, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,115549, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,37, Private,245482, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,40, Self-emp-inc,142444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,134026, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,52, Private,177366, HS-grad,9, Separated, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,35, Private,38245, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,62, Self-emp-not-inc,215944, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,49, Private,115784, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,170165, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,55, United-States +>50K,47, Private,355320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,45, Private,116163, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,405644, 1st-4th,2, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,77, Mexico +>50K,36, Local-gov,223433, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,53, United-States +<=50K,36, Private,41624, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, Mexico +>50K,44, Private,151089, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,51, State-gov,285747, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,25, State-gov,108542, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,212318, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,57, Private,173090, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,46, Private,26781, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,59, Private,31782, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,189241, 11th,7, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,164229, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,2597,0,40, United-States +<=50K,35, Private,240467, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,27, Private,263614, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,29, Private,74500, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,263502, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,47707, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,26, Private,231638, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,55, ?,389479, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,111128, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,152307, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,280134, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,609789, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, ? +<=50K,41, Private,184466, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,216411, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, Dominican-Republic +<=50K,48, Self-emp-not-inc,324173, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,35, Local-gov,300681, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,7298,0,35, United-States +<=50K,43, Local-gov,598995, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,42, United-States +>50K,57, Federal-gov,140711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,262241, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Private,308136, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,148590, 10th,6, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,195635, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,38, United-States +<=50K,30, Private,228406, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Private,136398, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Thailand +<=50K,21, ?,305466, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,70, United-States +>50K,50, Self-emp-inc,175070, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,43, Self-emp-not-inc,34007, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,121195, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0,0,50, United-States +<=50K,23, Federal-gov,216853, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +>50K,35, Private,81280, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, Yugoslavia +<=50K,18, Private,212936, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,21, ?,213055, Some-college,10, Never-married, ?, Unmarried, Other, Female,0,0,40, United-States +>50K,33, Local-gov,220430, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,70, United-States +<=50K,30, Federal-gov,73514, Bachelors,13, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,21, Private,307371, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,15, United-States +>50K,36, Local-gov,380614, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, Germany +<=50K,38, Private,119992, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,192002, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, Canada +<=50K,24, Private,327518, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,220323, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,421633, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,43, Private,154210, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,2829,0,60, China +<=50K,43, Self-emp-not-inc,35034, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,21, United-States +>50K,62, ?,378239, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,30, State-gov,270218, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,25, Private,254933, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,61751, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,22, Private,137876, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +>50K,73, Private,336007, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2246,40, United-States +>50K,26, Private,222539, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,233856, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,45, United-States +<=50K,18, Private,198616, 12th,8, Never-married, Craft-repair, Own-child, White, Male,594,0,20, United-States +>50K,35, Private,202027, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,35, United-States +<=50K,22, Private,203182, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,43, United-States +<=50K,28, Private,221317, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,186934, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,68, ?,351402, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +<=50K,40, Local-gov,179580, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,32, Private,26803, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,84, United-States +>50K,42, Private,344624, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,50, United-States +<=50K,31, State-gov,59969, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,33, Private,162930, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Italy +<=50K,54, Self-emp-not-inc,192654, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,63, Private,117681, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +<=50K,67, Self-emp-not-inc,179285, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,217161, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,14, United-States +<=50K,67, Self-emp-inc,116517, Bachelors,13, Widowed, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,33, Private,170336, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0,0,19, United-States +<=50K,33, Local-gov,256529, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,80, United-States +<=50K,25, Local-gov,227886, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,141706, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,361888, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,54, Private,185407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,35, Self-emp-not-inc,176101, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,18, Private,216730, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,54, ?,155755, HS-grad,9, Divorced, ?, Not-in-family, White, Female,4416,0,25, United-States +<=50K,30, Private,609789, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, Mexico +<=50K,29, Private,136017, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +>50K,41, Private,58880, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,10, United-States +>50K,40, Private,285787, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,46, Private,173243, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,5178,0,40, United-States +<=50K,39, Private,160916, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,45, United-States +>50K,42, Private,227397, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Self-emp-not-inc,111066, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,189924, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,31740, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,120837, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,48, United-States +>50K,31, Private,172304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,72, ?,166253, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,2, United-States +>50K,31, Private,86492, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,90, Private,206667, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,153546, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,18, ?,189041, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,115932, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,99999,0,50, United-States +<=50K,27, Local-gov,151626, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,37302, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,109001, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,195488, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,43, Local-gov,216116, Masters,14, Separated, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +<=50K,26, Private,118497, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,48, Self-emp-not-inc,101233, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,41, Private,349703, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,32, Private,226883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,23, Private,214635, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,169672, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,42, Private,71458, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, State-gov,142621, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4101,0,40, United-States +<=50K,34, Private,125279, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,197303, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,46, Local-gov,148995, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,4787,0,45, United-States +<=50K,34, Private,69251, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,39, Private,160123, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,137310, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, ? +<=50K,25, Private,323229, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,138626, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,2174,0,50, United-States +<=50K,46, Private,102359, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,151888, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,4650,0,50, Ireland +<=50K,37, Private,404661, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Private,99146, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,38, Self-emp-not-inc,185325, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,230268, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,38819, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,37, Private,380614, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,13, United-States +<=50K,45, Private,319637, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,71, Private,149040, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,320984, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,117201, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,22, United-States +<=50K,38, Private,81965, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,182302, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,29, Private,53434, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,216214, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,24127, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,32, Federal-gov,115066, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,120277, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,57, Self-emp-not-inc,134286, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,55, Private,26716, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, ?,174533, 11th,7, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,175958, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, ? +<=50K,36, Private,218948, 9th,5, Separated, Other-service, Unmarried, Black, Female,0,0,40, ? +>50K,66, Private,117746, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,206199, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,58, Self-emp-inc,89922, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,62, Private,69867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,109020, Bachelors,13, Never-married, Prof-specialty, Unmarried, Other, Male,0,0,40, United-States +<=50K,77, ?,158847, Assoc-voc,11, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,25, Private,130302, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,156728, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,56, United-States +<=50K,33, Private,424719, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Federal-gov,217647, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,33087, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,241895, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,38455, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,81054, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,25, United-States +<=50K,44, Private,163215, 12th,8, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,156728, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,127930, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,46, Federal-gov,227310, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, Private,96844, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,18, Private,245199, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,46385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,186385, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,8, United-States +<=50K,55, Private,252714, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,154897, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,41, Private,320744, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,138852, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,48, Private,102092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,32533, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,278151, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,338290, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,34378, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,43, Private,91959, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,265881, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,276009, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,27, Private,193898, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,139364, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, State-gov,306473, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,37232, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +<=50K,19, State-gov,56424, 12th,8, Never-married, Transport-moving, Own-child, Black, Male,0,0,20, United-States +<=50K,33, Private,165235, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Thailand +>50K,34, Private,153326, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,106976, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,57, Private,109015, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,59, Private,154100, Masters,14, Never-married, Sales, Not-in-family, White, Female,27828,0,45, United-States +<=50K,36, Private,183739, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Female,0,2002,40, United-States +>50K,60, Private,367695, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,156015, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,185132, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Self-emp-not-inc,188274, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,28, Local-gov,50512, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2202,0,50, United-States +<=50K,24, State-gov,147719, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,31, Private,414525, 12th,8, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,60, United-States +<=50K,38, Private,289148, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,176069, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,55, State-gov,199713, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,49, Private,297884, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064,0,50, United-States +<=50K,33, Private,204829, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,52, Private,155433, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, ? +<=50K,24, Local-gov,32950, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,46, Private,233511, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,20, Private,210781, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,190762, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,22, Private,83315, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,343872, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, Haiti +>50K,46, Private,185385, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,62, ?,302142, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2961,0,30, United-States +>50K,39, Private,80324, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,62, United-States +<=50K,26, Private,357933, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,211293, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,14, United-States +<=50K,37, Self-emp-inc,199265, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,202872, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,22, Private,195075, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,32, Private,317378, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,10520,0,40, United-States +<=50K,41, Private,187802, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,97212, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,47902, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, State-gov,76767, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,39, United-States +>50K,42, Private,172297, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +<=50K,56, Private,274475, 9th,5, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,105244, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Local-gov,165695, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,253801, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Private,305597, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,352448, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,242768, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,49, Self-emp-inc,201080, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,18, Local-gov,159032, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,149568, 9th,5, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,40, United-States +<=50K,24, Private,229553, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,20, ? +<=50K,24, State-gov,155775, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,120074, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Local-gov,257588, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,177907, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,309311, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,138975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,43, Self-emp-not-inc,187778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,35865, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,50, Private,234373, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +<=50K,17, ?,151141, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,39, Private,144688, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,50, United-States +<=50K,43, Private,248094, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Private,248094, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,40, Private,213821, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, State-gov,55849, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,121712, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Federal-gov,164552, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,40, United-States +<=50K,55, Private,223127, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,190514, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,75, United-States +<=50K,29, Private,203797, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,28, Private,378460, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,10520,0,60, United-States +<=50K,30, Private,105908, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,232356, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1672,55, United-States +<=50K,23, Private,210526, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,71, Private,193530, 11th,7, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,75, United-States +<=50K,22, ?,22966, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,21, Private,43535, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, ?,72486, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,24, China +<=50K,22, ?,229997, Some-college,10, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,183013, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,113364, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,197380, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,298635, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,26, Private,213385, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,30, ?,108464, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,31007, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,35917, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Private,99385, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +>50K,50, Private,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,31, Private,241885, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +<=50K,51, Private,24344, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,149686, 9th,5, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,24, State-gov,154432, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,29, Private,331875, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,26, Private,259585, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,24, United-States +<=50K,51, Private,104748, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Local-gov,144949, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,199512, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,302438, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,129155, 11th,7, Widowed, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,49, Federal-gov,115784, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,96509, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,62, Private,226733, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,244945, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,76, Private,243768, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +>50K,40, ?,351161, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,35, Private,186934, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,89813, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,54, Self-emp-inc,129432, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,55, Self-emp-not-inc,184702, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,275291, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,12, United-States +<=50K,20, Private,258298, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,139743, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,26, Private,102476, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,10520,0,64, United-States +<=50K,20, Private,103840, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,42, United-States +<=50K,28, Private,274579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,56, Federal-gov,156842, Some-college,10, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,101020, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Federal-gov,68729, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,55, Private,141326, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,168723, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,30, Private,347166, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,13550,0,45, United-States +>50K,34, Local-gov,213722, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,57, United-States +<=50K,42, Private,196797, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,0,0,38, United-States +<=50K,50, Self-emp-inc,207246, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,75, United-States +>50K,34, Federal-gov,199934, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,272185, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,33, United-States +<=50K,27, ?,190650, Bachelors,13, Never-married, ?, Unmarried, Asian-Pac-Islander, Male,0,0,25, Philippines +<=50K,81, ?,147097, Bachelors,13, Widowed, ?, Not-in-family, White, Male,0,0,5, United-States +<=50K,47, Private,266281, 11th,7, Never-married, Machine-op-inspct, Unmarried, Black, Female,6849,0,40, United-States +<=50K,57, Private,96779, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,65, ?,117162, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,56, United-States +<=50K,33, Private,188352, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,37, Private,359131, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,48, United-States +<=50K,53, Private,198824, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, State-gov,68393, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,115613, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,45363, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,39, Private,121590, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,4787,0,40, United-States +<=50K,58, Local-gov,292379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,482732, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,24, United-States +<=50K,19, Private,198663, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Private,230329, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,29887, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,52, Private,194259, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, Germany +>50K,53, Private,126368, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,50, Private,108446, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,220696, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,32008, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,72, United-States +<=50K,30, Private,191777, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +>50K,50, Private,185846, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,76, Private,127016, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,102308, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +<=50K,24, Private,157894, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,345405, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2885,0,40, United-States +>50K,56, Self-emp-not-inc,94156, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,50, Private,145409, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, Private,190968, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,23, Local-gov,212803, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,51, Private,168660, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,234481, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,131461, 9th,5, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,24, Haiti +>50K,45, Private,408773, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,126117, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,155489, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,296749, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,44, State-gov,185832, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,60, Private,43235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,213152, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Local-gov,334267, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, ?,253101, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,24, United-States +>50K,43, Private,64631, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,44, Local-gov,193882, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,1340,40, United-States +<=50K,63, Private,71800, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,41, United-States +<=50K,46, Local-gov,170092, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,43, United-States +<=50K,47, Private,198223, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,359796, Some-college,10, Divorced, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Private,110556, HS-grad,9, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,196858, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,48, ?,112860, 10th,6, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, United-States +<=50K,61, Self-emp-not-inc,224784, Assoc-acdm,12, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,90, United-States +>50K,53, Federal-gov,271544, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1977,40, United-States +<=50K,79, ?,142171, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,1409,0,35, United-States +<=50K,44, Private,221172, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,54, Private,256916, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,157332, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,47, Federal-gov,192894, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,18, Private,240183, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,204338, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,122166, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Iran +>50K,37, Local-gov,397877, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,115066, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,2547,40, United-States +>50K,35, Self-emp-not-inc,170174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,60, United-States +<=50K,59, Private,171015, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,34, United-States +<=50K,46, Private,91262, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,45, Local-gov,127678, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,263338, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,22, Private,129508, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,28, United-States +<=50K,41, Private,192107, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,93930, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,207537, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,22, Private,138542, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +>50K,29, Self-emp-not-inc,116207, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,22, Private,198244, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,34, Private,90614, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,2042,10, United-States +<=50K,23, Private,211160, 12th,8, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,194630, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3781,0,50, United-States +<=50K,25, Private,161478, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,59, Private,144071, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,167005, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,55, United-States +<=50K,55, Private,342121, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,71676, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,1944,1, United-States +>50K,42, Private,124692, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,147236, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,145175, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,259323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,154978, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Guatemala +<=50K,60, ?,163946, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,127768, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,98588, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,192894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,194848, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,34446, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Local-gov,177265, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,45, United-States +<=50K,30, Private,142977, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +>50K,45, Private,241350, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,154882, Prof-school,15, Widowed, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,17, Private,60562, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,142566, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,176162, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,186303, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, Canada +>50K,40, Private,237671, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,18, ?,184416, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,58, Private,68624, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,229504, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,340591, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942,0,40, United-States +<=50K,29, Private,262208, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, Jamaica +<=50K,26, Private,236008, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Local-gov,214284, Bachelors,13, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,10, Japan +>50K,33, Private,169496, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,205940, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,195179, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +<=50K,25, Private,469697, Some-college,10, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,140242, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,214415, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,452283, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,244172, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,231972, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,37, Private,412296, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,32, Private,30497, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,189216, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,36, Private,268292, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +<=50K,38, Private,69306, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,57, State-gov,111224, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,39, United-States +<=50K,22, State-gov,309348, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,80, ?,174995, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, Canada +<=50K,20, Private,210781, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,286750, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,36, United-States +<=50K,36, Self-emp-not-inc,321274, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,192936, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,72743, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,187861, HS-grad,9, Separated, Transport-moving, Unmarried, White, Female,0,0,44, United-States +<=50K,35, Private,179579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,663394, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,302422, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, ?,154373, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +>50K,49, Local-gov,37353, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,109609, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,184402, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,20, Private,224640, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,405526, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,36385, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,2258,50, United-States +<=50K,20, Private,147884, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,164231, 11th,7, Separated, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,25, Private,383306, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,417668, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,36, United-States +<=50K,25, Private,161007, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,63, State-gov,99823, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,32, United-States +<=50K,25, Private,37379, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,148645, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,180477, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,123147, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,4865,0,40, United-States +>50K,30, Private,111415, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,107327, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Local-gov,146565, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,4865,0,30, United-States +<=50K,36, Private,267556, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +>50K,47, Private,284871, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,27, Private,194690, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,50, Mexico +<=50K,32, Federal-gov,145983, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,52, Private,163998, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,45, United-States +<=50K,50, Private,128478, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,21, Private,250647, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,30, Nicaragua +<=50K,60, Private,226949, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,47, Private,157901, 11th,7, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,36, United-States +>50K,54, Self-emp-not-inc,33863, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,32, Local-gov,40444, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,54373, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,52753, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1504,40, United-States +>50K,29, Self-emp-not-inc,104423, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,4386,0,45, United-States +<=50K,36, Local-gov,305714, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,70, United-States +<=50K,38, Local-gov,167440, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,59, Private,291529, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,52, United-States +<=50K,43, Private,243380, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,38619, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +<=50K,42, Private,230684, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +<=50K,33, Private,132601, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,193285, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,5013,0,40, United-States +>50K,51, Private,279156, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,28, Private,339372, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,101265, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,23, Private,117789, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,312667, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,255503, 11th,7, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,21, Private,221955, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,22, Private,139190, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,35, Private,185556, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,53, Federal-gov,84278, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,40, Private,114580, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,24, United-States +>50K,36, Private,185405, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,199539, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,346480, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,51, Local-gov,349431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,31, Private,219619, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,48, United-States +<=50K,28, Local-gov,127491, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,5721,0,40, United-States +<=50K,26, Self-emp-not-inc,253899, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,155232, Bachelors,13, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,60, United-States +>50K,43, Private,182437, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,530454, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,101430, 11th,7, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Local-gov,358668, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,90668, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,126141, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,238355, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,22, Private,194031, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,117833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +>50K,46, Private,249686, Prof-school,15, Separated, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,219591, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,221757, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,80625, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,185407, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Private,163110, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, ?,24504, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,159187, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,55, United-States +<=50K,21, Private,100462, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,2174,0,60, United-States +<=50K,27, Private,192936, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,145011, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,60, Self-emp-inc,181196, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,37778, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,60288, Masters,14, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,84231, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,52028, 1st-4th,2, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,5, Vietnam +<=50K,63, Private,318763, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,22, United-States +>50K,29, Private,168138, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,113530, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,321896, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,145791, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,131425, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,145214, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,4650,0,20, United-States +<=50K,64, Local-gov,142166, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +<=50K,20, Private,494784, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,35, United-States +>50K,44, Self-emp-not-inc,172479, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,60, United-States +<=50K,35, Private,184655, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Local-gov,26669, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,191479, Some-college,10, Divorced, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,86625, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, ? +>50K,64, State-gov,111795, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,242564, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,2205,40, United-States +>50K,31, Private,364657, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,42, Self-emp-not-inc,436107, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,35, Private,272476, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,36, Federal-gov,47310, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,283796, 12th,8, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,30, Mexico +<=50K,20, Private,161092, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,14, United-States +<=50K,26, Local-gov,265230, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,56, Federal-gov,61885, Bachelors,13, Never-married, Transport-moving, Not-in-family, Black, Male,0,2001,65, United-States +<=50K,40, Private,150471, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,183041, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,33, Private,176673, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Federal-gov,235891, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Columbia +>50K,41, Private,163287, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,43, United-States +<=50K,29, Private,164040, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,324561, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,48, Private,99127, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,334999, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,543477, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,35, Private,65876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,105866, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,30, United-States +<=50K,27, Private,214858, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,154076, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,280307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, Cuba +<=50K,30, Private,97723, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +>50K,24, Private,233499, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,76, Local-gov,259612, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,15, United-States +<=50K,25, Private,236977, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, Mexico +<=50K,39, Private,347814, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,56, United-States +<=50K,36, Local-gov,197495, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,227594, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,60, Private,165441, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,20, ?,337488, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +>50K,54, Private,167552, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Haiti +<=50K,20, Private,396722, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Federal-gov,146538, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,51973, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,144778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,169672, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,240137, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +>50K,54, State-gov,103179, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,17, Private,172050, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,43, Private,178976, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,176185, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,2258,42, United-States +<=50K,30, Private,158200, Prof-school,15, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, ? +>50K,38, Federal-gov,172571, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,226735, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,45, United-States +<=50K,39, Private,148015, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,52, United-States +<=50K,32, Private,199529, Some-college,10, Separated, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0,1980,40, United-States +<=50K,61, Local-gov,35001, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,2885,0,40, United-States +<=50K,24, ?,67586, Assoc-voc,11, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, United-States +<=50K,22, Private,88126, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,226296, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,452452, 10th,6, Never-married, Priv-house-serv, Own-child, Black, Female,0,0,20, United-States +<=50K,20, Private,378546, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,53, Federal-gov,186087, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,27856, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Self-emp-not-inc,234859, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,28, Private,71733, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,28, Private,207473, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, El-Salvador +>50K,54, Private,179291, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,56, Haiti +<=50K,21, ?,253190, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,48, United-States +<=50K,52, Private,92968, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, ? +<=50K,25, Private,209286, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,122889, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,33, Private,112358, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,49, Private,176341, Bachelors,13, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +<=50K,58, Private,247276, 7th-8th,4, Widowed, Other-service, Not-in-family, Other, Female,0,0,30, United-States +>50K,45, Private,276087, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,67, Private,257557, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,10566,0,40, United-States +<=50K,42, Local-gov,177937, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +>50K,69, Self-emp-inc,106395, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,167138, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,213887, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,185647, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,143360, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,34, United-States +<=50K,31, Self-emp-not-inc,176862, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,97614, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, ?,224680, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,1258,20, United-States +<=50K,53, Private,196763, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,46, Private,306183, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,43, Self-emp-not-inc,343061, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508,0,40, Cuba +>50K,48, ?,193047, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Private,348521, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2415,99, United-States +<=50K,59, Private,195835, 7th-8th,4, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,106273, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,38, United-States +>50K,40, Private,222756, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-inc,110610, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,44, ?,191982, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,10, Poland +<=50K,46, Private,247286, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,219042, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,224566, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,1669,45, United-States +>50K,57, Private,204751, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,113398, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,25, ?,170428, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,28, Taiwan +>50K,59, Private,258579, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,35, United-States +<=50K,36, Private,162424, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,263005, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Germany +<=50K,49, Self-emp-inc,26502, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,6497,0,45, United-States +>50K,42, Private,369131, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,43, Local-gov,114859, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,17, United-States +<=50K,46, Private,405309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,323627, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,12, United-States +<=50K,40, Private,106698, Assoc-acdm,12, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,51506, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,117251, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,26, Private,106705, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,28, United-States +<=50K,30, Private,217296, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,58, Private,34788, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,43, Private,143368, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,86600, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,74, State-gov,117017, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,16, United-States +<=50K,64, ?,104756, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,8, United-States +>50K,45, Private,55720, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,481096, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,10, United-States +<=50K,23, ?,281668, 10th,6, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,38, Private,186145, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,96524, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,187397, Some-college,10, Never-married, Protective-serv, Unmarried, Other, Male,1151,0,40, United-States +<=50K,63, Private,181153, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,25, Local-gov,375170, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, United-States +<=50K,37, Private,360743, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,420054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,31, Private,137681, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,46, Private,28419, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,44, Private,101214, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,44, United-States +>50K,42, Local-gov,213019, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,207540, Doctorate,16, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,52, Private,145333, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,40, Private,107306, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195327, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,196126, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,17, Private,175465, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,14, United-States +<=50K,27, Private,197905, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,71, Self-emp-inc,118119, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,50, United-States +<=50K,35, Private,172571, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,25051, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,26, Private,210714, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +<=50K,22, Private,183083, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +>50K,51, Private,99185, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,283921, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Local-gov,396467, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +>50K,50, Private,158680, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,202091, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,285127, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Private,218630, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,32, Self-emp-inc,99309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,165505, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,122272, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,58, Private,147707, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,47, Federal-gov,44257, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,51, Self-emp-inc,194995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, State-gov,345969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,28, Private,31842, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,143582, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,35, Vietnam +>50K,50, Private,161438, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,317019, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Self-emp-not-inc,158451, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,60, Private,225883, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,27, United-States +>50K,46, Self-emp-not-inc,176319, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,7298,0,40, United-States +>50K,58, Self-emp-inc,258883, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,62, Private,26966, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,202812, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,59, Private,35411, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,190885, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,31, Private,182162, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,18, Private,352640, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,213945, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-not-inc,135102, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,47, Self-emp-not-inc,102583, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,68, Private,225612, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, Private,241802, HS-grad,9, Married-civ-spouse, Other-service, Wife, Other, Female,0,0,40, United-States +<=50K,39, Private,347434, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,43, Mexico +<=50K,37, Private,305259, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,29, Private,140830, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,291568, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,40, United-States +>50K,46, Private,203067, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,155106, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,252752, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,35, United-States +<=50K,65, ?,404601, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2414,0,30, United-States +>50K,52, Local-gov,100226, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,40, Private,63503, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,95929, 9th,5, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,187618, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,61, Self-emp-not-inc,92178, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,33, Private,220362, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,32, Local-gov,209900, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,32, Private,272376, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Self-emp-not-inc,173854, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Male,0,0,35, United-States +<=50K,37, Private,278924, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,324568, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,51, Self-emp-inc,124963, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,211299, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Male,0,0,45, United-States +<=50K,48, Private,192791, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,69, Private,182862, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,15831,0,40, United-States +<=50K,28, Private,46868, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Local-gov,31365, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,148171, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,18, Private,142647, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,60, Private,116230, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,108907, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, ? +<=50K,19, Private,495982, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,18, Private,334026, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,33, Private,268571, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,213813, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,241667, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Private,160920, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,50, Private,107265, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,41609, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,28, Private,129460, 10th,6, Widowed, Adm-clerical, Unmarried, White, Female,0,2238,35, United-States +>50K,43, ?,109912, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,7, United-States +<=50K,23, Private,167424, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,270079, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,325923, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,194905, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +>50K,47, Local-gov,183486, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,36, Federal-gov,153066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-inc,56248, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2415,60, United-States +>50K,65, Private,105252, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,168195, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,35, Private,167735, 11th,7, Never-married, Craft-repair, Own-child, White, Male,6849,0,40, United-States +<=50K,50, Private,146310, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,256504, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,6, United-States +<=50K,17, Private,121425, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,33, Private,146440, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,57, ?,155259, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,98829, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,239321, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-inc,134768, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,556902, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,47907, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,23, Private,114357, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,189462, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1504,45, United-States +<=50K,39, Private,90646, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,232914, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,38, United-States +<=50K,24, Private,192201, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,20, United-States +<=50K,23, Private,27776, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,29, Private,137476, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,30, Private,100734, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +<=50K,34, Private,111746, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, Portugal +<=50K,32, Private,184833, 10th,6, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,414721, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,1602,23, United-States +<=50K,20, Private,151780, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +>50K,38, State-gov,203628, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,137363, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,172307, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,273403, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,36, State-gov,37931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,61, Private,97030, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Private,54608, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,26, Private,108542, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,27, Private,253814, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,45, Private,421412, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,207140, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,19, Private,138153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,29, Private,46987, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +>50K,51, Self-emp-inc,183173, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,34, Local-gov,229531, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-not-inc,320744, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3908,0,45, United-States +<=50K,26, Private,257405, 5th-6th,3, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,40, Mexico +<=50K,20, State-gov,432052, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,15, United-States +>50K,43, Private,397280, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,38001, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,101618, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Federal-gov,332727, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,115215, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,178449, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,49, United-States +<=50K,42, Private,185267, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,32, United-States +<=50K,23, Private,410439, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +>50K,29, Private,85572, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,42, United-States +<=50K,27, Private,83517, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,43, Self-emp-not-inc,194726, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,23, Private,322674, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Local-gov,34540, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +>50K,35, Local-gov,211073, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,61, United-States +<=50K,30, Private,194901, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,59, Private,117059, 11th,7, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,78875, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290,0,40, United-States +<=50K,28, Private,51461, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,79, Private,266119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,92374, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, United-States +<=50K,54, Private,175262, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,208249, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,62, United-States +>50K,30, Private,196385, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +<=50K,22, ?,110622, Bachelors,13, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,15, Taiwan +<=50K,34, Private,146980, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,65, United-States +<=50K,18, Private,112974, 11th,7, Never-married, Prof-specialty, Other-relative, White, Male,0,0,3, United-States +>50K,40, Self-emp-not-inc,175943, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,15, United-States +<=50K,28, Private,163265, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,4508,0,40, United-States +<=50K,18, Private,210932, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,145290, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,198992, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,77, ?,174887, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +>50K,41, Federal-gov,36651, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, United-States +>50K,48, Private,190072, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,49087, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,126622, 11th,7, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,174189, 9th,5, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,118605, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,49, Self-emp-not-inc,377622, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Private,157272, HS-grad,9, Separated, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,30, Private,78530, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,190391, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, State-gov,162678, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,103980, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,20, Private,293726, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,98350, Preschool,1, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,30, Private,207668, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,60, Hungary +<=50K,29, Federal-gov,41013, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,50, Private,188186, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,1590,45, United-States +>50K,44, Federal-gov,320071, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Private,306908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,167652, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,173580, Some-college,10, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,273612, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,195555, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,186446, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,418405, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,41793, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, ? +<=50K,26, Private,183965, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,354784, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,198096, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,32, Private,732102, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,97847, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,196678, Preschool,1, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,19, Private,320014, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,54, Self-emp-inc,298215, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,295127, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,368140, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Self-emp-not-inc,187411, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, ? +<=50K,22, ?,121070, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,212163, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,35, Self-emp-not-inc,108198, HS-grad,9, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,15, United-States +<=50K,42, Federal-gov,294431, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Federal-gov,202560, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, Self-emp-inc,266070, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,34, Private,346122, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,308686, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,62, Self-emp-inc,236096, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,187711, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,238959, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,93557, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,329980, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,125010, Assoc-voc,11, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,30, United-States +>50K,60, Self-emp-inc,90915, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,289731, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,74, ?,33114, 10th,6, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,1797,0,30, United-States +<=50K,63, Private,206052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,191385, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, ?,268804, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +>50K,40, Self-emp-inc,191429, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,35, Self-emp-not-inc,199753, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,50, Local-gov,92486, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,171088, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,112820, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,32855, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,17, Private,142964, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,47, Private,89146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,51, ?,147015, Some-college,10, Divorced, ?, Not-in-family, Black, Male,0,0,50, United-States +<=50K,26, Private,291968, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Local-gov,29235, Some-college,10, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,40, France +<=50K,55, Private,238216, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,323726, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +>50K,54, Private,141663, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,218471, HS-grad,9, Never-married, ?, Own-child, White, Female,0,1602,30, United-States +>50K,32, Private,118551, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,52, Local-gov,35092, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,139703, HS-grad,9, Married-spouse-absent, Sales, Unmarried, Black, Female,0,0,28, Jamaica +<=50K,39, Federal-gov,206190, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,59, Self-emp-not-inc,178353, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,55, Federal-gov,169133, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,103179, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,354464, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,124651, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +<=50K,30, Private,60426, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,47, Federal-gov,98726, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,133861, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,180303, Bachelors,13, Divorced, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,47, Iran +<=50K,33, Private,221324, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,325658, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,210562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,152249, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,35, Mexico +<=50K,29, Private,178649, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,20, France +<=50K,41, State-gov,48997, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,39, Private,243409, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Private,162442, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,23, Private,203078, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,24, United-States +>50K,53, Self-emp-inc,155983, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,45, Self-emp-not-inc,182677, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,34, ?,170276, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,10, United-States +<=50K,47, Private,105381, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, ?,256240, 7th-8th,4, Married-civ-spouse, ?, Own-child, White, Male,0,0,60, United-States +>50K,42, Private,210275, Masters,14, Divorced, Tech-support, Unmarried, Black, Female,4687,0,35, United-States +<=50K,53, Private,150980, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,40, United-States +<=50K,38, Self-emp-inc,141584, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,55, United-States +<=50K,26, Private,113571, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,18, Private,154089, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,43, Private,50197, 10th,6, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Private,132572, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,32, United-States +<=50K,47, Private,238185, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,26, Private,112754, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,21, ?,357029, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,2105,0,20, United-States +<=50K,32, State-gov,213389, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,1726,38, United-States +>50K,48, Self-emp-inc,287647, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +>50K,39, Private,150061, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,15020,0,60, United-States +<=50K,58, Self-emp-inc,143266, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,68006, 7th-8th,4, Never-married, Other-service, Other-relative, White, Female,0,0,60, United-States +<=50K,40, Private,287079, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,223212, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,74, Self-emp-not-inc,173929, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,49, Self-emp-not-inc,182211, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +>50K,56, Self-emp-not-inc,62539, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,65, Greece +>50K,29, Private,157612, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,14344,0,40, United-States +<=50K,25, Private,305472, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,48, United-States +<=50K,57, Private,548256, 12th,8, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,40295, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,112403, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,2354,0,40, United-States +>50K,59, Private,31137, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,116138, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,60, United-States +<=50K,28, ?,127833, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,201743, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,240027, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,45, United-States +<=50K,28, Private,129882, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, ?,355890, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, Canada +>50K,58, Private,136841, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,35, United-States +<=50K,19, Private,146679, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,30, United-States +<=50K,75, ?,35724, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,24, Federal-gov,42251, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,113838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,28, Self-emp-not-inc,282398, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,33331, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,23, Federal-gov,41031, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Private,155489, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,53042, 12th,8, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Private,174789, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,203067, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,81, Private,177408, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,26, United-States +<=50K,45, Private,216626, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Other, Male,0,0,40, Columbia +<=50K,35, Private,93034, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,59, Self-emp-not-inc,188003, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,46, Local-gov,65535, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,39, Private,366757, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,414545, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,295919, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,34378, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,58359, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,25, Private,476334, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,32, Private,255424, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,34, Local-gov,175856, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,124692, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,118551, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,78, ?,292019, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,31, Private,288566, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,43, United-States +<=50K,61, Private,137733, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,22, Private,39432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,138537, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,37, Private,709445, HS-grad,9, Separated, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,35, Private,194809, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,52, Self-emp-inc,89041, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,37, ?,299090, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,18, Private,159561, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,236328, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,46, Private,269045, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,25, ?,196627, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,47, Federal-gov,323798, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,463072, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,199655, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0,1740,40, ? +<=50K,25, Self-emp-inc,98756, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,50, State-gov,161075, HS-grad,9, Widowed, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,192485, 12th,8, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,25, Private,201579, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,23, Private,117606, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, ?,177487, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,237731, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829,0,65, United-States +<=50K,37, Private,60313, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,37, Private,270059, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,25236,0,25, United-States +<=50K,27, Private,169958, 5th-6th,3, Never-married, Craft-repair, Own-child, White, Male,0,0,40, ? +<=50K,19, Private,240686, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,52, Local-gov,124793, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,113948, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +<=50K,17, ?,241021, 12th,8, Never-married, ?, Own-child, Other, Female,0,0,40, United-States +<=50K,21, Private,147655, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,38876, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,55, Private,117299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,20, ?,114813, 10th,6, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,136310, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,153132, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,23, Private,197552, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,33, Private,69748, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,29, Private,175738, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, State-gov,78649, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,37, Self-emp-inc,188774, 11th,7, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,60, ? +>50K,48, Private,155659, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,19, Federal-gov,215891, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,40, Private,144928, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,33688, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Female,0,1669,70, United-States +<=50K,65, Private,262446, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,44, Federal-gov,191295, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,48, United-States +<=50K,32, Private,279173, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,41, Private,153031, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,28, Private,202239, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,44, Federal-gov,469454, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,48, United-States +<=50K,39, Local-gov,164156, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,59, Private,196482, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,176185, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, France +<=50K,34, Private,287315, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,117210, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,41610, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,160703, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,31, Private,80511, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,44, United-States +<=50K,39, Private,219155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,35, Private,106347, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,68899, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2129,40, United-States +>50K,44, Self-emp-not-inc,163985, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,28, Private,270887, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,17, Private,205726, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,218899, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +>50K,35, Private,186183, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,80, United-States +<=50K,19, Private,248749, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,197558, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,176514, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, ?,116820, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,50, United-States +>50K,27, Private,128730, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,10520,0,65, Greece +>50K,37, Private,215503, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,45, United-States +>50K,44, Private,226129, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,34, Private,175856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,55, United-States +<=50K,43, Private,281138, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,98061, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,260560, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,289909, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,51, Private,59590, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,24, Private,236769, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,423616, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,24, United-States +<=50K,24, Private,291407, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,53, Self-emp-inc,100029, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,204494, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,56, United-States +<=50K,24, Private,201680, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,154308, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,150324, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Local-gov,331609, Some-college,10, Widowed, Transport-moving, Not-in-family, Black, Female,0,0,47, United-States +>50K,28, Private,100829, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,38, Private,203169, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,122075, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,178778, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,276345, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,48, Private,233511, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,289448, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Private,173350, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,130589, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,62, Private,94318, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,297531, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,129762, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,182614, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, Poland +<=50K,60, Private,120067, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,182370, Assoc-acdm,12, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,60949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,190511, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,188195, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,89534, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,125831, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,23, Private,183358, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,38, ?,75024, 7th-8th,4, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,251120, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, England +<=50K,35, Private,108946, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,93223, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,61, Private,147393, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,71, ?,45801, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +<=50K,35, State-gov,225385, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Federal-gov,23892, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,179668, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Scotland +<=50K,27, Self-emp-not-inc,404998, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,68882, 1st-4th,2, Widowed, Other-service, Unmarried, White, Female,0,0,35, Portugal +<=50K,55, Self-emp-not-inc,194065, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,357540, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2002,55, United-States +<=50K,33, Private,185336, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,25, State-gov,152503, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,52, Private,167794, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,46, Private,96552, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,17, United-States +<=50K,34, Private,169527, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,4386,0,20, United-States +<=50K,52, State-gov,254285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,32509, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,125492, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, Self-emp-inc,186035, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,69, ?,168794, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +>50K,34, Private,191856, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,40, United-States +<=50K,36, Private,215503, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,31, Private,187560, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,2174,0,40, United-States +>50K,31, Self-emp-not-inc,252752, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,2415,40, United-States +<=50K,38, Local-gov,210991, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,57, Local-gov,190748, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,24, Private,117767, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,301070, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +>50K,69, Self-emp-not-inc,204645, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,9386,0,72, United-States +>50K,39, Private,186183, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,131808, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, State-gov,156292, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,124589, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,262819, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,61, Private,95500, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,241306, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,238680, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,55, Outlying-US(Guam-USVI-etc) +<=50K,18, ?,42293, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,41, Local-gov,168071, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,45, United-States +>50K,42, Private,337629, 12th,8, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, ? +>50K,52, Private,168001, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,97759, 12th,8, Never-married, Other-service, Unmarried, White, Female,0,0,17, United-States +<=50K,51, Self-emp-not-inc,107096, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,76860, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,20, Private,70076, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,312017, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,174138, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,125892, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,210474, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, State-gov,157332, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,28, Private,30771, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,319768, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, France +>50K,34, Private,209101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,55, United-States +<=50K,25, Private,324609, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,268234, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Local-gov,178109, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,43, United-States +<=50K,31, Private,25955, 9th,5, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,35, United-States +<=50K,65, ?,123484, HS-grad,9, Widowed, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,56, Local-gov,129762, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Self-emp-not-inc,108506, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0,0,75, United-States +<=50K,27, Private,241607, Bachelors,13, Never-married, Tech-support, Other-relative, White, Male,0,0,50, United-States +<=50K,27, Federal-gov,214385, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Local-gov,183000, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,290763, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,171924, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,19, Private,97189, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +<=50K,42, Private,195096, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,37, Federal-gov,329088, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,58371, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,32, ?,256371, 12th,8, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,35824, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,173271, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,26, Private,391349, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,86153, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,295855, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,70, United-States +<=50K,33, Self-emp-not-inc,327902, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,35, Private,285102, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Taiwan +>50K,57, Private,178353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,28119, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,7, United-States +<=50K,42, Private,197522, Some-college,10, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,108542, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,35, United-States +>50K,56, Private,179781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,126974, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,180060, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,35, Local-gov,38948, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,271572, 9th,5, Never-married, Other-service, Other-relative, White, Male,0,0,52, United-States +>50K,41, Private,177305, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,238367, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,172232, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,22, Private,153805, HS-grad,9, Never-married, Other-service, Unmarried, Other, Male,0,0,20, Puerto-Rico +<=50K,30, Private,26543, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,109067, Bachelors,13, Separated, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,213716, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,149809, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,27, Private,185670, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,43, Federal-gov,233851, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,68, ?,192052, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,2457,40, United-States +<=50K,41, Private,193524, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,25, Private,213385, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,38238, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,68, Private,104438, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Ireland +<=50K,17, Private,202344, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,45, Self-emp-not-inc,43434, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,102147, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,231826, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, State-gov,247378, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,42, Private,78765, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +<=50K,29, Private,184078, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Local-gov,102942, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,2001,40, United-States +<=50K,20, Private,258430, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,59, Private,244554, 11th,7, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,26, Private,252565, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,262778, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +>50K,33, Private,162572, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,65706, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,45, Federal-gov,102569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,350498, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,28, United-States +<=50K,67, ?,159542, 5th-6th,3, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,142383, Assoc-acdm,12, Never-married, Sales, Not-in-family, Other, Male,0,0,36, United-States +<=50K,38, Private,229236, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,72, Private,56559, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,21, Private,27049, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,39, Private,36376, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,41, Private,194360, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,22, Private,246965, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,12, United-States +>50K,49, Self-emp-inc,191277, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,24, Private,268525, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,32, United-States +<=50K,25, Private,456604, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,223464, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,341797, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,174461, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,392167, 10th,6, Divorced, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,60, Private,210064, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, ?,233182, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,77, Local-gov,177550, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818,0,14, United-States +<=50K,62, Private,143312, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Private,326334, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,37, Private,179088, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,207637, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +>50K,52, Federal-gov,37289, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,36069, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Federal-gov,53245, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,399904, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,50, Mexico +<=50K,38, Self-emp-inc,199346, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,23, Private,343019, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, State-gov,232742, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Self-emp-not-inc,390472, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,290124, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,242912, Some-college,10, Never-married, Other-service, Own-child, White, Female,4650,0,40, United-States +<=50K,39, Private,70240, 5th-6th,3, Married-spouse-absent, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,38, Local-gov,286405, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,25, Private,153841, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,137367, Bachelors,13, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,44, Philippines +<=50K,66, Private,313255, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,30, Private,100734, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,248584, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,60001, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,335065, 7th-8th,4, Never-married, Sales, Own-child, White, Male,0,0,30, Mexico +<=50K,20, Private,219262, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,186830, HS-grad,9, Never-married, Transport-moving, Other-relative, Black, Male,0,0,45, United-States +<=50K,34, Private,226385, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,609789, Assoc-acdm,12, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,307767, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,33, Private,217460, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,104052, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1741,42, United-States +<=50K,41, Local-gov,160893, Preschool,1, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,68358, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +>50K,40, Self-emp-not-inc,243636, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,71269, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,71898, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,38, ?,212048, Prof-school,15, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Local-gov,115040, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,45, Private,111994, Some-college,10, Divorced, Sales, Not-in-family, White, Male,4650,0,40, United-States +<=50K,25, Private,210794, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,22, ?,88126, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,570821, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, ?,146196, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,55, State-gov,169482, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,63577, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,22, Private,208946, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,26598, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,189203, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,183892, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,82, ?,194590, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,18, Private,188616, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,60, Private,116707, 11th,7, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,99199, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,39, Local-gov,183620, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,110476, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,157043, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Female,2202,0,30, ? +<=50K,53, Private,150726, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,214695, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,60, United-States +<=50K,37, Private,172694, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,50, United-States +<=50K,25, Private,344804, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Mexico +<=50K,33, Private,319422, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, Peru +<=50K,34, State-gov,327902, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,438176, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +>50K,51, Private,197656, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,219838, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,35561, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,25, ?,156848, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,56, Private,190257, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,34, Private,156464, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,85, England +<=50K,36, Private,65624, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,201699, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Private,349910, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,88, Self-emp-not-inc,187097, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,264314, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, Columbia +<=50K,40, Self-emp-not-inc,282678, Masters,14, Separated, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,188923, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,55, United-States +<=50K,46, Private,114797, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,36, United-States +<=50K,56, Private,245215, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,36270, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,67, Self-emp-not-inc,107138, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,77820, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,39477, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,58305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1573,40, United-States +<=50K,23, Private,359759, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,19, ?,249147, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,44797, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,15, United-States +<=50K,25, Private,164488, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,48413, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,261276, Some-college,10, Never-married, ?, Own-child, Black, Female,0,1602,40, Cambodia +<=50K,31, Self-emp-not-inc,36592, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,91, United-States +<=50K,33, Private,280923, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,33, Federal-gov,29617, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, Self-emp-inc,208802, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,36, United-States +<=50K,35, Private,189240, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,37932, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,181705, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,147548, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,85, United-States +<=50K,51, Self-emp-not-inc,306784, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,45, ?,260953, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,190406, Prof-school,15, Divorced, Prof-specialty, Unmarried, Black, Male,25236,0,36, United-States +<=50K,24, Private,230229, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,28, Private,46987, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,2174,0,36, United-States +<=50K,63, Private,301108, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,22, United-States +>50K,35, Private,263081, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,25, Self-emp-not-inc,37741, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,36, Private,115834, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,55, United-States +<=50K,44, Private,150076, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,148254, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,28, United-States +<=50K,52, Private,183611, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,258768, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,287658, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,51, Private,95946, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,31267, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Local-gov,302149, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,28, Private,250135, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,176073, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Private,23580, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,163665, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Federal-gov,43953, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,144860, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,58, Self-emp-not-inc,61474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,57, Private,141570, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,40, United-States +>50K,40, Private,225660, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,42, Private,336891, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,210164, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,171080, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,143342, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,281627, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,409922, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,65, ?,224472, Prof-school,15, Never-married, ?, Not-in-family, White, Male,25124,0,80, United-States +<=50K,29, Private,157262, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,31, Private,144949, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,71, Local-gov,303860, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Male,2050,0,20, United-States +<=50K,34, Private,104293, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,195481, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,193995, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,67, Private,105216, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,40, Private,147206, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,173585, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,18, United-States +>50K,38, Private,187870, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,38, Private,248919, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +<=50K,42, Private,280410, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Haiti +<=50K,36, State-gov,170861, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,23, Self-emp-not-inc,409230, 1st-4th,2, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,56, Private,340171, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,41017, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,22, Private,416356, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,39, Private,261504, 12th,8, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, State-gov,205555, Prof-school,15, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,44, Private,245317, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,38, Private,153685, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,52, United-States +<=50K,19, ?,169758, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,99374, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,57, Local-gov,139452, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,54, Private,227832, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,213024, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,22, ?,24008, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,72, United-States +<=50K,63, Self-emp-not-inc,33487, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,187934, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, Poland +<=50K,26, Private,421561, 11th,7, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,40, Private,109969, 11th,7, Divorced, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,20, Private,116830, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,117166, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2635,0,40, United-States +<=50K,28, Private,106951, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,42, United-States +>50K,30, Private,89625, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,5, United-States +<=50K,42, Private,194537, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,144002, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,202214, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,109762, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,292570, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,67, Private,105252, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,7978,0,35, United-States +<=50K,65, Private,94552, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,46401, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,18, Private,151150, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,27, United-States +<=50K,31, Private,197689, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +>50K,36, Self-emp-inc,180477, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,181761, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,381153, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,165474, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,39, United-States +<=50K,38, Federal-gov,190174, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,295991, 10th,6, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,52, Without-pay,198262, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +>50K,34, Private,190385, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, ?,411560, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,262116, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,178922, 9th,5, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +>50K,46, Private,192963, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,2415,35, Philippines +>50K,34, Self-emp-inc,209538, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Self-emp-not-inc,103277, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,4508,0,30, Portugal +<=50K,17, Private,216086, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,636017, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,155781, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,136873, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,48, State-gov,122066, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,27, State-gov,346406, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,43, Private,117915, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,19914, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,50, Philippines +>50K,55, Private,255364, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,703107, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Private,62374, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,34, Private,96245, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,348796, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,136873, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,35, Private,388252, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,47783, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,62, Private,194167, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,2174,0,40, United-States +<=50K,40, Federal-gov,544792, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,434463, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,39, United-States +<=50K,32, Private,317219, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1590,40, United-States +<=50K,70, Private,221603, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,34, United-States +<=50K,23, Private,233711, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,111567, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +<=50K,57, Private,79830, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,192259, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,239663, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,41, Local-gov,34987, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,38, Self-emp-not-inc,409189, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,48, Private,135525, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,152159, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,141363, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,214816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,42907, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,48, United-States +<=50K,30, Private,161815, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,42, Private,127314, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,395368, Some-college,10, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,70, Private,184176, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,37, Private,112660, 9th,5, Divorced, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,51, Private,183709, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,434114, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,59, Self-emp-not-inc,165315, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,43, United-States +>50K,57, Private,190997, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,335533, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,176146, 5th-6th,3, Separated, Craft-repair, Not-in-family, Other, Male,0,0,35, Mexico +<=50K,19, Private,272063, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,169564, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,56, Private,188856, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,55, United-States +<=50K,25, Private,69847, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,198759, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,80, United-States +<=50K,22, Private,175431, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,228357, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, ? +<=50K,72, Self-emp-not-inc,284120, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,109133, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,167336, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,76, ?,42209, 9th,5, Widowed, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,37, Private,282951, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,303155, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,261899, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,33, Private,168030, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,21, United-States +<=50K,53, State-gov,71417, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,239130, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, Private,200560, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,20, Private,157541, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,27, United-States +<=50K,33, Private,255004, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,47, Private,230136, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,60, United-States +>50K,50, Local-gov,124963, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,35, United-States +<=50K,22, Private,39615, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,47678, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,42, Local-gov,281315, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,176123, HS-grad,9, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,24, ?,165350, HS-grad,9, Separated, ?, Not-in-family, Black, Male,0,0,50, Germany +<=50K,32, Private,235862, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,41, Private,142579, Bachelors,13, Widowed, Sales, Unmarried, Black, Male,0,0,50, United-States +<=50K,35, Private,38294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,111483, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,189850, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,34, State-gov,145874, Doctorate,16, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,20, China +<=50K,23, Private,139012, Assoc-voc,11, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, South +>50K,30, Local-gov,211654, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,173090, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Private,104834, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +<=50K,42, ?,195124, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, Dominican-Republic +<=50K,39, Private,32146, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,52, Private,282674, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,42, Private,190403, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,60, Canada +<=50K,25, Private,247025, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,3325,0,48, United-States +<=50K,27, Private,198258, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,30, Self-emp-not-inc,172748, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,23, State-gov,287988, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +>50K,47, Self-emp-not-inc,122307, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,58, ?,175017, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,18, Private,170183, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,150812, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,24, Private,241185, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,58, Self-emp-inc,174864, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,30529, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,301637, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,423222, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,60, United-States +>50K,43, Private,214781, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,21, Private,242912, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,52, Private,191529, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,60, United-States +<=50K,24, Private,117363, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,333158, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,39, Private,193260, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,25, Mexico +<=50K,34, State-gov,278378, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,58, Private,111394, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,102476, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,29, Private,26451, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,67, ?,209137, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,210945, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,35, Haiti +<=50K,62, Local-gov,115023, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,54, Private,53833, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,150057, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,18, Private,128086, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,18, United-States +<=50K,25, Private,28473, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,155509, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,56, Private,165315, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, ? +<=50K,30, Private,171889, Prof-school,15, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +<=50K,41, Local-gov,185057, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,277034, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,60, United-States +<=50K,36, Private,166606, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,97453, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,54, United-States +<=50K,27, Private,136094, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,61855, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,30, United-States +<=50K,30, Private,182771, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,15, China +<=50K,47, Private,418961, Assoc-voc,11, Divorced, Sales, Unmarried, Black, Female,0,0,25, United-States +>50K,39, Private,106961, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,81846, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,44, Private,105936, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,36425, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,595088, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,63, United-States +<=50K,38, Private,149018, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,229613, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,33521, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,70539, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4386,0,50, United-States +>50K,53, State-gov,105728, HS-grad,9, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,28, United-States +<=50K,31, Private,193215, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,18, Private,137363, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,104892, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,149427, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,19, State-gov,176634, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,183279, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,225775, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,202091, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,36, Private,123151, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,168187, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,42, Federal-gov,33521, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,243678, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,164898, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,262280, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,3781,0,40, United-States +<=50K,33, State-gov,290614, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,199265, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,207668, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,18, State-gov,30687, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,24, State-gov,27939, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,24, ? +<=50K,17, Private,438996, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,48, Private,152915, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, ?,186030, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,46, Local-gov,297759, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Private,171242, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,206088, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,182792, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,167725, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,43, Private,160674, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,194710, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,255027, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,204641, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,20, State-gov,177787, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,29, Private,54932, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,54, Self-emp-not-inc,91506, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,34, Private,198634, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,227146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,135647, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,55508, 7th-8th,4, Divorced, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,174912, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,175925, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-not-inc,157486, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,49, Local-gov,329144, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +<=50K,67, ?,81761, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,49, Self-emp-not-inc,102318, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +>50K,30, Federal-gov,266463, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Federal-gov,107314, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Private,114158, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,124052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,144301, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,42, United-States +>50K,28, Private,176683, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,234663, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,178948, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,50, United-States +>50K,37, Self-emp-not-inc,607848, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,39, Private,202937, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Federal-gov,83413, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,212798, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,57, Federal-gov,192258, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,112497, 9th,5, Married-civ-spouse, Sales, Own-child, White, Male,0,0,50, United-States +>50K,30, Private,97521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,160972, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,322931, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,22, Private,403519, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,330174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,278155, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,39054, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,57, Private,170287, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,336643, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,264166, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,45, Columbia +>50K,44, Local-gov,433705, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,28, Private,27044, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +>50K,42, Private,165599, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,159759, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,385092, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,42, Private,188808, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,0,0,30, United-States +<=50K,30, Private,167476, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, State-gov,194096, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,59, Private,182460, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,21, ?,102323, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,56, Private,232139, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,341741, Preschool,1, Never-married, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,21, Private,206008, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,50, United-States +>50K,48, Private,344415, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,37, United-States +<=50K,35, State-gov,372130, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,27766, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,23, Private,140764, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,17, ?,161259, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,12, United-States +>50K,41, Private,22201, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,35, Self-emp-inc,187046, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,137591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,53, Private,274276, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,341757, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,218542, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Local-gov,190020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,27, Private,221436, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Cuba +<=50K,39, Self-emp-not-inc,52187, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,158776, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,51543, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,17, Private,146329, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,23, United-States +<=50K,31, Private,397467, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,105592, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +<=50K,39, Private,78171, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,46, State-gov,55377, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,258932, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,80, Italy +<=50K,27, Private,38606, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1504,45, United-States +<=50K,18, Private,219841, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +>50K,46, Private,156926, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,55, Private,160362, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,192161, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +<=50K,53, Private,208570, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,26, United-States +>50K,44, Self-emp-not-inc,182771, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,48, South +<=50K,43, Private,151089, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,163002, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Private,155657, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,20, Yugoslavia +<=50K,27, Private,217530, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,244406, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,18, Local-gov,152182, 10th,6, Never-married, Protective-serv, Own-child, White, Female,0,0,6, United-States +>50K,34, Private,55717, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,50, United-States +<=50K,38, Private,201454, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Self-emp-inc,144371, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,55, Private,277034, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,462832, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +<=50K,26, Private,200681, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,54, State-gov,119565, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,22, Private,192017, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,52, Local-gov,84808, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,100154, 10th,6, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,169383, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Without-pay,43887, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +<=50K,45, Private,54260, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,99, United-States +<=50K,53, Self-emp-not-inc,159876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103,0,72, United-States +<=50K,46, Private,160474, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1590,43, United-States +<=50K,25, Private,476334, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,52386, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,33, Private,83671, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,45, Private,172960, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,70, United-States +>50K,47, Private,191957, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,38, Local-gov,40955, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +>50K,35, ?,98080, Prof-school,15, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,4787,0,45, Japan +<=50K,37, Private,175643, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,53, State-gov,197184, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,56, Private,187295, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,40822, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,44, Private,228729, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, ? +<=50K,50, Private,240496, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,26, Private,51961, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,20, United-States +<=50K,36, Private,174887, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,95855, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,362259, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,30916, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,62, Private,153148, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,84, United-States +<=50K,46, Private,167915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,45156, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174,0,41, United-States +<=50K,37, Private,98776, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,209801, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, ? +<=50K,38, Private,183800, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,54595, 12th,8, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,79637, Bachelors,13, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,126566, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,28, Private,233796, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,32, United-States +<=50K,67, Local-gov,191800, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,6360,0,35, United-States +<=50K,34, Self-emp-not-inc,527162, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,139466, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,64520, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,50, Private,97741, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,45, Local-gov,160173, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,17, Private,350995, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,59, ?,182836, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,143267, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,21, Private,346341, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,172175, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,153035, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,63, Private,200127, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,204470, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,45, Private,353012, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,194342, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,57898, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,164707, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, ? +<=50K,42, Private,269028, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, France +>50K,56, Private,83922, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,160647, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Female,0,0,46, United-States +<=50K,69, Private,125437, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,42, Private,246011, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,19, Private,216937, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Other, Female,0,0,60, Guatemala +<=50K,56, Self-emp-not-inc,66356, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,33, Private,154981, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,50, United-States +<=50K,61, Federal-gov,197311, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,301743, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,401118, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,50, United-States +>50K,39, Private,98776, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,32528, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,177119, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +>50K,40, Self-emp-inc,193524, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,59, State-gov,192258, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,145917, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,42, Federal-gov,214838, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,59, Private,176011, Some-college,10, Separated, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,147239, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,38, Private,159179, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,53, Private,155963, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,360457, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +>50K,54, Federal-gov,114674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,95708, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,33, Local-gov,100734, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,55, United-States +<=50K,35, Private,188972, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,162667, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, Portugal +>50K,45, Self-emp-not-inc,28497, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1485,70, United-States +<=50K,29, Private,180758, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,346635, Masters,14, Divorced, Sales, Unmarried, White, Female,0,2339,60, United-States +<=50K,23, Private,46645, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,203258, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,17, Private,134480, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,25, United-States +<=50K,35, Local-gov,85548, Some-college,10, Separated, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +>50K,42, State-gov,148316, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,227466, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,19, Private,68552, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,32, Private,252257, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,44, Private,30126, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,304353, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,47, Self-emp-not-inc,171968, Bachelors,13, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,60, Thailand +<=50K,24, Private,205839, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,30, State-gov,218640, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,42, Private,150568, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,382738, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,138940, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,37, United-States +<=50K,26, Self-emp-not-inc,258306, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,25, Local-gov,190107, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,1719,16, United-States +<=50K,52, Private,152373, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,141875, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Private,79586, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,40, ? +<=50K,32, Private,157289, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Private,184498, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,109684, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1741,35, United-States +<=50K,47, Private,199832, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,23545, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,28, Private,175710, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,52028, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, South +<=50K,61, Self-emp-not-inc,315977, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,202322, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,251825, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,54, Private,202115, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,56, Local-gov,216824, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,69, Private,145656, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,30, Private,137076, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,152621, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,42, Self-emp-not-inc,27242, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,45, Federal-gov,358242, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,39, Private,184117, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,20, United-States +<=50K,26, Private,300290, 11th,7, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,28, Local-gov,149991, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,42, United-States +>50K,31, Private,189759, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,339482, 5th-6th,3, Separated, Farming-fishing, Other-relative, White, Male,0,0,60, Mexico +<=50K,51, Private,100933, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,29, Private,354558, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,38, Local-gov,162613, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,2258,60, United-States +<=50K,64, Private,285052, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,10, United-States +<=50K,26, State-gov,175044, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,68, Private,45508, 5th-6th,3, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,22, United-States +<=50K,32, Private,173351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,173611, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, ?,182543, 1st-4th,2, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,21, Private,143062, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, ?,137951, 10th,6, Separated, ?, Other-relative, White, Female,0,0,40, Puerto-Rico +<=50K,33, Local-gov,293063, Bachelors,13, Married-spouse-absent, Prof-specialty, Other-relative, Black, Male,0,0,40, ? +<=50K,26, Private,377754, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,152373, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105,0,40, United-States +<=50K,31, Private,193477, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Local-gov,277323, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,45, United-States +<=50K,19, Private,69182, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,27, United-States +<=50K,51, Private,219599, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,129371, 9th,5, Separated, Other-service, Unmarried, Other, Female,0,0,40, Trinadad&Tobago +<=50K,20, Private,470875, HS-grad,9, Married-civ-spouse, Sales, Own-child, Black, Male,0,0,32, United-States +<=50K,40, Private,201734, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,43, Private,58447, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +<=50K,52, Local-gov,91689, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,166546, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +<=50K,24, Private,293324, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,219262, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Self-emp-not-inc,403391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,367749, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,24, Private,128487, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, State-gov,111363, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,49, Private,240869, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,36, Private,163278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,416415, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, ?,280030, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,251243, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Local-gov,167159, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +<=50K,29, Private,161857, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Other, Female,0,0,40, Columbia +<=50K,37, Private,160035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, ?,190205, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,28, ?,161290, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,112403, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,238726, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,164530, 11th,7, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,20, United-States +<=50K,19, Private,456572, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,35, United-States +>50K,31, Self-emp-not-inc,177675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,246739, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,37, Private,102953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,224238, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,2, United-States +>50K,46, Private,155489, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,51, Self-emp-not-inc,156802, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103,0,60, United-States +>50K,50, Private,168212, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,45, United-States +<=50K,38, Private,331395, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942,0,84, Portugal +<=50K,40, Local-gov,261497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,58, Private,365511, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Other, Male,0,0,40, Mexico +>50K,36, Private,187999, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,190350, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,35, United-States +<=50K,17, ?,166759, 12th,8, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,168262, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,48, United-States +>50K,39, State-gov,122011, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,38, United-States +>50K,46, Private,165953, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,375980, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,37, United-States +<=50K,40, Federal-gov,406463, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,53, State-gov,231472, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,78913, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,69107, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,22, ?,182387, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,12, Thailand +<=50K,31, Private,169002, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, United-States +>50K,45, Private,229967, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,13550,0,50, United-States +<=50K,34, Private,422836, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, Mexico +<=50K,27, State-gov,230922, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Scotland +<=50K,40, Private,195892, Some-college,10, Divorced, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Private,163346, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +<=50K,51, Private,82566, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,86505, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +>50K,43, Private,178780, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, State-gov,173945, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,27, United-States +<=50K,48, Private,176810, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,23813, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,2885,0,30, United-States +>50K,51, Self-emp-inc,210736, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,10520,0,40, United-States +<=50K,32, Private,343789, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,55, United-States +>50K,34, Private,113838, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,31, Local-gov,121055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,71, ?,52171, 7th-8th,4, Divorced, ?, Unmarried, White, Male,0,0,45, United-States +<=50K,17, Private,566049, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +>50K,37, Private,67433, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,39014, 12th,8, Married-civ-spouse, Priv-house-serv, Wife, Other, Female,0,0,40, Dominican-Republic +<=50K,17, Private,51939, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,34, Private,100669, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,46, Private,155659, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,33, Private,112847, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,41, Local-gov,32185, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,138370, 10th,6, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +>50K,50, Self-emp-not-inc,172281, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,180505, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,168262, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,85126, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,113838, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,197457, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,1471,0,38, United-States +<=50K,28, Private,197905, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,316589, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,336367, Assoc-acdm,12, Never-married, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,39, Self-emp-inc,143123, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2415,40, United-States +<=50K,23, Private,209955, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,210013, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,224541, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,275653, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2977,0,40, Puerto-Rico +<=50K,45, Private,88061, 11th,7, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +>50K,43, Federal-gov,195897, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,40, United-States +>50K,49, Private,43206, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,37, Private,202950, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,154093, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,112115, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,55, United-States +>50K,51, Private,355954, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,379418, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,286372, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Private,48087, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,32, Private,387270, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,270043, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +>50K,39, Self-emp-not-inc,65738, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,33, Private,159888, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,278039, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,265434, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +>50K,68, Self-emp-inc,52052, Assoc-voc,11, Widowed, Sales, Not-in-family, White, Female,25124,0,50, United-States +<=50K,24, Private,208882, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,229393, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,2463,0,40, United-States +<=50K,23, Private,53513, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,40, Private,225193, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,63, United-States +>50K,48, Private,166809, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Self-emp-not-inc,175674, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,45, Federal-gov,368947, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,194901, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,203173, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,267431, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,55, United-States +<=50K,32, Private,111836, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +<=50K,34, Private,198613, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, ? +>50K,41, Self-emp-inc,149102, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,57, Local-gov,121111, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,130397, 10th,6, Never-married, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,40, Private,212847, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2179,40, United-States +<=50K,17, Private,184198, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,13, United-States +<=50K,17, Private,121287, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,82, Self-emp-inc,120408, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,40, Private,164678, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,26, Private,388812, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,35, United-States +<=50K,37, Private,294919, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,101684, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,65, Private,36209, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,22, United-States +<=50K,39, Private,123983, Bachelors,13, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,36, Self-emp-not-inc,340001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,203828, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,183789, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,305619, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,174181, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,59, Private,131869, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Self-emp-not-inc,43479, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,203126, 9th,5, Never-married, ?, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,17, Private,118792, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,9, United-States +<=50K,28, Private,272913, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, Mexico +<=50K,45, Federal-gov,222011, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-inc,301007, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,197731, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,173736, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,182590, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,38, United-States +>50K,59, Local-gov,93211, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,22, United-States +<=50K,41, Private,24763, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,7443,0,40, United-States +>50K,49, Local-gov,219021, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,48, United-States +>50K,37, Private,137229, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,281030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,234108, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,46868, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,15, United-States +<=50K,20, ?,162667, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,51, Private,173291, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,305160, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,48, Private,212954, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,39, Local-gov,112284, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,164198, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,15024,0,45, United-States +>50K,41, Private,152958, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,145389, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +>50K,54, Self-emp-inc,119570, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,40, Private,272343, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,187720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,50, Private,145409, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,208726, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,203488, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,330416, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,25803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,171150, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,82576, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,36, United-States +<=50K,30, Private,329425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,185452, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,201179, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,182268, Preschool,1, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,95763, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,125892, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,21, Private,121407, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,36, United-States +<=50K,52, Private,373367, 11th,7, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Local-gov,165982, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,165484, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,156890, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,156763, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2829,0,40, United-States +<=50K,43, Private,244172, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, ? +<=50K,36, Private,219814, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Guatemala +<=50K,42, Private,171841, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,28, Local-gov,168524, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +>50K,62, Private,205643, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, ?,174904, HS-grad,9, Separated, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,102559, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +>50K,47, Private,60267, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,43, Private,388725, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,215712, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,44, Private,171722, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,39, United-States +<=50K,25, Private,193051, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,21, Private,305446, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,146949, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,21, Private,322144, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,75742, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, El-Salvador +<=50K,64, ?,380687, Bachelors,13, Married-civ-spouse, ?, Wife, Black, Female,0,0,8, United-States +<=50K,55, Self-emp-not-inc,95149, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,42, Private,68469, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,27653, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,410439, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,37821, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,55, ? +<=50K,45, Private,228570, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +<=50K,21, Private,141453, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,34, Private,88215, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,53, Private,48641, 12th,8, Never-married, Other-service, Not-in-family, Other, Female,0,0,35, United-States +<=50K,45, Private,185385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,341471, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,4, United-States +<=50K,41, Private,163322, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,36, United-States +>50K,35, Private,99357, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,30, United-States +>50K,43, Self-emp-inc,602513, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Local-gov,287192, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, Mexico +<=50K,34, Private,215047, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,46, Federal-gov,97863, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +>50K,59, Private,308118, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,137192, Bachelors,13, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,33, Private,275369, 7th-8th,4, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, Haiti +<=50K,45, Private,99971, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,48, Self-emp-inc,103713, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,253770, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,162205, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,72, United-States +<=50K,46, Self-emp-not-inc,31267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,198146, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,23, Private,178207, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,21, Private,317175, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,53, Federal-gov,221791, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,61, Self-emp-inc,187124, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,58, State-gov,280519, HS-grad,9, Divorced, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,207568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Local-gov,192684, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +>50K,39, Private,103260, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,30, United-States +>50K,39, Private,191227, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,13550,0,50, United-States +>50K,48, Self-emp-inc,382242, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,106900, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,48520, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,40, United-States +<=50K,50, Private,55527, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,45, United-States +>50K,51, Self-emp-not-inc,246820, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,48, United-States +<=50K,23, Private,33884, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,29762, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,47, Federal-gov,168109, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,207449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,60, Self-emp-inc,189098, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,194259, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Local-gov,194630, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Local-gov,179681, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,37, United-States +<=50K,42, State-gov,136996, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,48, United-States +<=50K,32, Private,143604, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,16, United-States +<=50K,19, Private,243373, 12th,8, Never-married, Sales, Other-relative, White, Male,1055,0,40, United-States +>50K,34, Private,261799, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,45, United-States +<=50K,48, Private,143281, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,38, Private,185556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +>50K,38, Private,111499, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Self-emp-not-inc,280433, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,39, Private,37314, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,103408, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +<=50K,26, Private,270151, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,96748, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,20, Private,164775, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Guatemala +<=50K,49, Private,190319, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Philippines +<=50K,23, Private,213115, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,47, Private,156926, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Canada +<=50K,43, Private,112967, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,35373, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,60, Self-emp-not-inc,220342, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,163167, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,404951, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,38, United-States +<=50K,39, Private,122032, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,143582, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Other, Female,4101,0,35, United-States +<=50K,38, Private,108140, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,2202,0,45, United-States +<=50K,47, Private,251508, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +>50K,50, Self-emp-not-inc,197054, Prof-school,15, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,64, Self-emp-not-inc,36960, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,165930, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,178960, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,214503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,51, Private,110458, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202125, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,284329, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,192924, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,340917, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,2829,0,50, ? +>50K,37, Private,340614, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,196678, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,266489, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,57, Private,61474, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +>50K,47, ?,99127, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,215955, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829,0,40, United-States +<=50K,23, Self-emp-inc,215395, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Self-emp-inc,183898, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, Private,97176, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,40, Private,145160, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,51, Private,357949, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,59, Private,177120, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,288229, Some-college,10, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, Greece +<=50K,39, Private,509060, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,47932, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,38, Private,103925, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, State-gov,183829, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,51, Private,138852, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,188186, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,20, Hungary +<=50K,22, Private,34616, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, Private,220819, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,31, Federal-gov,281540, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,47396, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,141350, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,331433, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,32, United-States +>50K,40, Federal-gov,346532, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,241367, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +>50K,39, Private,216256, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Italy +>50K,40, Local-gov,153031, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,35, United-States +<=50K,36, Private,116138, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,18, Private,193166, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,42, United-States +>50K,32, Self-emp-inc,275094, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, Mexico +<=50K,50, Private,81548, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,167979, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,19, Private,67759, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,43, United-States +>50K,53, Private,200190, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,403112, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,40, Private,214891, Bachelors,13, Married-spouse-absent, Transport-moving, Own-child, Other, Male,0,0,45, ? +<=50K,31, Private,142675, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,88500, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,35, Local-gov,145308, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,204377, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,43, Self-emp-not-inc,260696, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Private,231181, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,21, United-States +>50K,54, Private,260052, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,76, Local-gov,178665, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,33, Private,226267, 7th-8th,4, Never-married, Sales, Not-in-family, White, Male,0,0,43, Mexico +<=50K,19, Private,111232, 12th,8, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,49, Private,87928, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,26, Private,212748, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,110677, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,49, Private,139268, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,24, Private,306779, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,48, Private,318331, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,36, State-gov,143385, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,288273, 12th,8, Separated, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +>50K,31, Private,167725, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,48, Philippines +>50K,53, Private,94081, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,22, Private,194723, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,43, Private,163985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,189759, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,53, State-gov,195922, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Federal-gov,54159, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,47, Local-gov,166863, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Private,104501, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +<=50K,39, Private,210626, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,448026, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,17, Local-gov,170916, 10th,6, Never-married, Protective-serv, Own-child, White, Female,0,1602,40, United-States +>50K,53, Local-gov,283602, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,21, Private,189749, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,90934, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,64, Philippines +<=50K,34, State-gov,253121, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,181776, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Private,162397, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,70708, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,47, State-gov,103406, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,40, Private,224658, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, Local-gov,213451, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,10, Jamaica +>50K,53, Private,139671, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,36201, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,237713, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,2415,99, United-States +<=50K,17, Local-gov,173497, 11th,7, Never-married, Prof-specialty, Own-child, Black, Male,0,0,15, United-States +>50K,46, Private,375606, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,203488, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,45, Self-emp-not-inc,107231, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, France +<=50K,23, Private,216811, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,41, Private,288679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,105516, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,282972, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,4, United-States +<=50K,18, Self-emp-inc,117372, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,38, Private,112497, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, ?,186032, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,2964,0,30, United-States +>50K,28, Private,192384, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,43348, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,181822, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Local-gov,216070, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,34, State-gov,112062, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,30, Private,218551, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,25, Private,404616, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,169460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,240081, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,147655, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,90277, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, ? +<=50K,49, Private,60751, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,194636, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,50, United-States +<=50K,37, Self-emp-not-inc,154641, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105,0,50, United-States +<=50K,39, Private,491000, Bachelors,13, Never-married, Exec-managerial, Other-relative, Black, Male,0,0,45, United-States +<=50K,33, Private,399088, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,186909, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,1902,35, United-States +>50K,65, Private,105491, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,40, Private,34987, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,53, United-States +<=50K,26, ?,167835, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,31, Private,288983, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,266070, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,71, Private,110380, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2467,52, United-States +<=50K,25, Local-gov,31873, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,294400, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,184308, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,36, Self-emp-not-inc,175769, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,56, Private,182273, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,106541, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,138192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,196791, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,223019, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,109273, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,60, Self-emp-not-inc,95490, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,149131, 11th,7, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,44, Private,219155, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, England +<=50K,53, Local-gov,82783, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,214858, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,170230, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,40, Self-emp-inc,209344, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,15, ? +<=50K,35, Private,90406, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,41, Self-emp-inc,299813, 9th,5, Married-civ-spouse, Sales, Wife, White, Female,0,0,70, Dominican-Republic +<=50K,28, Private,188064, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Canada +<=50K,53, Private,246117, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,26, Private,132749, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,45, United-States +<=50K,28, Local-gov,201099, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,97490, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,221252, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,8, United-States +>50K,26, Private,116991, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,161691, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,34, Private,107793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,50, Self-emp-inc,194514, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, Trinadad&Tobago +<=50K,30, Private,278502, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,62, United-States +<=50K,47, Private,343742, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,27, ?,204074, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,31965, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,143604, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,29, ? +<=50K,35, Private,174308, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,162551, 12th,8, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,50, ? +>50K,39, Self-emp-inc,372525, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,75167, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,39, Private,176296, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1887,40, United-States +<=50K,19, Private,93518, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,25, ?,126797, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,25124, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +<=50K,30, ?,58798, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,44, United-States +<=50K,25, Self-emp-not-inc,21472, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,22, United-States +>50K,32, Private,90969, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,149734, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,1594,40, United-States +<=50K,42, Private,52849, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,106347, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,47, United-States +<=50K,48, Private,199735, Bachelors,13, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,44, Germany +<=50K,24, Private,488541, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +>50K,46, Private,403911, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,172991, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,36, Federal-gov,210945, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,157446, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,25, Private,109390, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,70, United-States +>50K,33, Private,134886, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,99999,0,30, United-States +>50K,45, Private,144579, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,203488, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202871, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,33, Private,175412, 9th,5, Divorced, Craft-repair, Unmarried, White, Male,114,0,55, United-States +<=50K,44, Private,336906, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,177596, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, Puerto-Rico +<=50K,30, Private,79448, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,10, United-States +<=50K,32, Local-gov,191731, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, ?,233014, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,29, Private,133937, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,219211, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,35, State-gov,94529, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,247547, HS-grad,9, Separated, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +<=50K,29, Private,29361, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,166851, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,43, Federal-gov,197069, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Philippines +<=50K,33, Private,153588, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,61, Federal-gov,151369, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,174112, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,520033, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, State-gov,194828, Some-college,10, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,32, ?,216908, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,22, Private,126613, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,61, Private,26254, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,54042, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,2463,0,35, United-States +<=50K,24, Private,67804, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,58, Local-gov,53481, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,42, Private,412379, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,56, Private,220187, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, ?,256141, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,268222, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,59, Private,99131, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,65, Self-emp-not-inc,115498, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3818,0,10, United-States +>50K,57, Private,317847, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,2824,50, United-States +>50K,36, Private,98389, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,42, Private,173704, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,50, United-States +<=50K,18, ?,211177, 12th,8, Never-married, ?, Other-relative, Black, Male,0,0,20, United-States +<=50K,18, Private,115443, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,65078, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,24896, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,19, Private,184710, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +>50K,28, Private,410450, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,48, England +<=50K,37, Private,83893, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,113309, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,160625, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,47, United-States +<=50K,17, Local-gov,340043, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,37, Local-gov,48976, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,45, United-States +<=50K,29, State-gov,243875, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,554206, HS-grad,9, Separated, Transport-moving, Not-in-family, Black, Male,0,0,20, United-States +>50K,36, Private,361888, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,37, Self-emp-not-inc,205359, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,15, United-States +<=50K,47, State-gov,167281, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,35663, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,357437, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,390856, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +>50K,33, Federal-gov,331615, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, United-States +>50K,54, Private,202415, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,180032, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +>50K,40, Private,77247, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,101795, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,42, United-States +<=50K,35, Private,272019, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2057,40, United-States +<=50K,32, Private,198068, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,199326, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,178841, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,136951, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,26, Self-emp-inc,109240, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,128876, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,103358, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, India +<=50K,43, Private,354408, 12th,8, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,206051, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +>50K,45, Private,155659, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,143299, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,252210, 5th-6th,3, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,20, ?,129240, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,398918, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,240612, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Private,429346, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,19, Private,123718, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,38, Private,455379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,63, United-States +<=50K,23, Private,376416, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,24, Self-emp-inc,234663, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,282142, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,45, State-gov,208049, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,88, Private,68539, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,126501, 11th,7, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,15, South +<=50K,24, Private,186452, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,84, ?,127184, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,48, Private,165267, 10th,6, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,124733, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,31, Self-emp-inc,149726, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,41374, HS-grad,9, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Local-gov,329759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,212433, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,36, Private,185099, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,47, Local-gov,126754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,122497, 9th,5, Widowed, Other-service, Unmarried, Black, Male,0,0,52, ? +<=50K,30, Private,118056, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Local-gov,200892, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,19, ?,200790, 12th,8, Married-civ-spouse, ?, Other-relative, White, Female,15024,0,40, United-States +<=50K,30, Self-emp-inc,84119, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,43, United-States +>50K,23, Local-gov,197918, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,150533, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,443742, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,104423, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,169133, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,185551, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,36, United-States +<=50K,60, Private,174486, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,69, State-gov,50468, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,34, United-States +<=50K,24, Private,196943, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,120691, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +<=50K,60, State-gov,198815, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, Mexico +<=50K,64, Private,22186, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Self-emp-inc,188069, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,51, Private,233149, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,138358, 10th,6, Divorced, Craft-repair, Not-in-family, Black, Female,0,0,35, United-States +<=50K,25, Private,338013, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, ?,332666, 10th,6, Never-married, ?, Own-child, White, Female,0,0,4, United-States +<=50K,37, Private,166339, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,74, Self-emp-not-inc,392886, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Female,0,0,14, United-States +>50K,26, State-gov,141838, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,520759, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +>50K,57, Self-emp-inc,37345, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,20, Private,387779, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,37, Private,201531, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,123598, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,380614, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,83859, HS-grad,9, Widowed, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,50, State-gov,24790, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,266820, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +<=50K,44, Private,85440, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,421837, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,404062, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,15, United-States +<=50K,38, Private,224566, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,294991, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,189610, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,52, United-States +>50K,37, Private,219141, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7688,0,40, United-States +>50K,46, Federal-gov,20956, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,38, Private,70995, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,215232, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,10, United-States +<=50K,71, ?,178295, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +<=50K,35, Private,56201, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,62, Private,98076, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,351810, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Cuba +<=50K,56, Self-emp-not-inc,144351, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,90, United-States +<=50K,30, State-gov,137613, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, Taiwan +<=50K,17, Private,54257, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,18, Self-emp-not-inc,230373, 11th,7, Never-married, Other-service, Own-child, White, Female,594,0,4, United-States +<=50K,35, Private,98389, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,184135, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,1, United-States +<=50K,46, Self-emp-not-inc,140121, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,24504, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,129528, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,415578, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,97142, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,201328, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,256620, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Federal-gov,96854, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,141858, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,75, United-States +>50K,51, Federal-gov,20795, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +>50K,53, Private,95519, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,47, Private,112791, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,291407, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,239659, Some-college,10, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,70, United-States +<=50K,28, Private,183151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,58, ?,97634, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,143807, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,186934, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,170065, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,108328, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,6849,0,50, United-States +<=50K,56, State-gov,83696, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,38, ? +<=50K,21, Private,204596, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,56, ?,32604, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,56, Private,193453, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,65, United-States +>50K,45, Private,148995, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,20, Private,85041, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +>50K,62, Local-gov,140851, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,196280, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, Federal-gov,38973, Bachelors,13, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,39182, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Private,198841, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,694812, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,247444, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Nicaragua +<=50K,41, Private,294270, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,59, Private,195820, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,329426, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,37, United-States +<=50K,19, ?,174871, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,23, United-States +<=50K,41, Private,116103, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,206903, Bachelors,13, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +<=50K,50, Private,217577, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,337693, 5th-6th,3, Never-married, Other-service, Own-child, White, Female,0,0,40, El-Salvador +>50K,38, Private,204501, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,169186, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,48, Private,109421, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,39, Local-gov,267893, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Black, Male,7298,0,40, United-States +<=50K,40, Private,200479, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,221317, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,59, Self-emp-not-inc,132925, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,283531, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,20, United-States +>50K,34, Private,170769, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,186410, Prof-school,15, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Self-emp-inc,307786, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,29, Private,380560, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,38, Local-gov,147258, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,212894, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +>50K,49, Private,124356, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,98791, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,35, Private,216473, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,70, ?,135339, Bachelors,13, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,38, Private,107303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,152744, Bachelors,13, Divorced, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, South +<=50K,34, Self-emp-not-inc,100079, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,55, India +<=50K,24, Private,117779, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, Hungary +<=50K,23, Private,197613, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,411068, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,192984, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,66356, 7th-8th,4, Never-married, Farming-fishing, Unmarried, White, Male,4865,0,40, United-States +>50K,33, Federal-gov,137184, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,231105, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,18, Local-gov,146586, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +<=50K,32, Private,32406, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,578701, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +<=50K,19, Private,206777, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Local-gov,133495, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,34722, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,38, Self-emp-not-inc,133299, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,24967, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,47, United-States +<=50K,35, Self-emp-not-inc,171968, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,22, Private,412156, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,40, Private,51290, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,34, Private,198265, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,23, Private,293565, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,226288, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Self-emp-inc,110445, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,34, Private,160634, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,174242, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,390316, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,18, Private,298860, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,65, Private,171584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,232664, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,64, Private,63676, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,68, Private,170376, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,175964, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Federal-gov,422013, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,3683,40, United-States +>50K,35, Private,105813, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,50, Federal-gov,306707, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,12, United-States +<=50K,45, Private,177543, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,28, United-States +<=50K,43, Private,320277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,129495, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Private,257042, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,1506,0,40, United-States +>50K,45, Private,275995, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,86318, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,280440, Assoc-acdm,12, Never-married, Tech-support, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Private,371556, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,408229, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,47, Private,149337, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,209297, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,2001,40, United-States +<=50K,53, Private,355802, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,32, Private,165949, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,1590,42, United-States +<=50K,44, Self-emp-not-inc,112507, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,462869, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,35, Private,413648, 5th-6th,3, Never-married, Farming-fishing, Unmarried, White, Male,0,0,36, United-States +<=50K,34, Private,29235, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,149823, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,39530, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,4, United-States +<=50K,23, Private,197387, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,37, Mexico +<=50K,56, Local-gov,255406, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,43764, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,38, Private,168322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,46, Private,278322, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,115813, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Female,0,0,57, United-States +<=50K,38, Self-emp-not-inc,184456, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3464,0,80, Italy +<=50K,42, Private,289636, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,46, United-States +<=50K,48, Private,101684, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,133425, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,349405, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +>50K,53, Private,124076, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,37, United-States +<=50K,75, Self-emp-not-inc,165968, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +>50K,39, Private,185099, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,46, Federal-gov,268281, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,154949, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,176711, HS-grad,9, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,165064, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,213750, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,77132, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,21, Private,109667, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,162164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Private,219591, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,327462, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Private,236943, 9th,5, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,20, United-States +>50K,40, Private,89226, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,124751, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +>50K,48, Local-gov,144122, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,98769, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, Federal-gov,170066, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,162439, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,98, United-States +<=50K,47, Private,22900, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,102130, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,215743, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,381583, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,45, United-States +<=50K,56, Local-gov,198277, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,243178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,38, Local-gov,177305, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,19, Private,167149, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, Private,270872, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,594,0,40, ? +<=50K,31, Private,382368, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Germany +<=50K,44, Local-gov,277144, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,21, State-gov,145651, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,1602,12, United-States +<=50K,41, Private,171351, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,265099, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,23, Private,105617, 9th,5, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,37, Local-gov,217689, Some-college,10, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,32, United-States +<=50K,46, ?,81136, Assoc-voc,11, Divorced, ?, Unmarried, White, Male,0,0,30, United-States +<=50K,43, Self-emp-not-inc,73883, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,31, Private,339482, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,40, Private,326232, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,106316, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,12, United-States +<=50K,64, Local-gov,198728, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,126501, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,233802, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,37, Self-emp-not-inc,204501, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, Canada +<=50K,28, Private,208249, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,24, United-States +<=50K,42, Private,188693, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,93272, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,159299, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, ?,303588, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,35136, 10th,6, Divorced, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,139576, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,252355, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,27, United-States +<=50K,44, Self-emp-not-inc,83812, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,89718, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,222810, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,456618, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Mexico +<=50K,21, Private,296158, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,41, Private,162140, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,2339,40, United-States +<=50K,28, Private,36601, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,195337, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, State-gov,282721, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,12, United-States +<=50K,40, Private,206049, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,223392, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,40, Private,27821, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,2829,0,40, United-States +<=50K,37, Private,131827, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,549413, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,34, Private,69491, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,193755, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,598802, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,72, Local-gov,259762, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290,0,10, United-States +<=50K,19, Private,266255, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,32954, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,40, Private,291808, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,190728, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,59184, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Private,196456, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,147989, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,195784, 12th,8, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,202214, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +<=50K,40, Self-emp-inc,225165, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,54825, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,188905, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,17, Private,132636, 11th,7, Never-married, Transport-moving, Own-child, White, Female,0,0,16, United-States +<=50K,42, Local-gov,228320, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,415500, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,254247, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, ? +<=50K,43, Private,255635, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +<=50K,46, Private,96080, 9th,5, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,18, ?,78181, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,50, Local-gov,339547, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,47, Self-emp-not-inc,126500, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,31, Private,511289, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,2907,0,99, United-States +<=50K,33, Private,159574, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,27, Private,224105, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,59, Self-emp-not-inc,128105, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +>50K,39, Local-gov,89508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,370242, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,67257, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,24, Private,62952, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,111058, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,1980,40, United-States +<=50K,30, Private,29235, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,52, State-gov,101119, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Federal-gov,140516, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,30, Private,159888, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, ?,45643, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,166371, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,60, United-States +<=50K,37, State-gov,160910, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, State-gov,257064, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,38, United-States +>50K,49, Self-emp-not-inc,181307, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,65, United-States +<=50K,30, Private,83253, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,128700, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,243010, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Other, Male,0,0,32, United-States +<=50K,35, Self-emp-not-inc,37778, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103,0,55, United-States +<=50K,24, Private,132320, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,234755, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,35, Private,142616, HS-grad,9, Separated, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,20, Private,148509, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,29, State-gov,240738, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,32276, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,28, United-States +<=50K,50, Local-gov,163921, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,464103, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,49, ?,271346, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,15024,0,60, United-States +<=50K,30, Local-gov,327825, HS-grad,9, Divorced, Protective-serv, Own-child, White, Female,0,0,32, United-States +<=50K,37, Private,267085, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,266945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3137,0,40, El-Salvador +<=50K,20, Private,234663, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,189123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,50, United-States +<=50K,55, Private,104996, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,101265, 12th,8, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, Italy +<=50K,22, Private,184975, HS-grad,9, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,3, United-States +<=50K,23, Private,246965, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,12, United-States +<=50K,43, Private,227065, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +<=50K,39, Private,301867, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,24, Philippines +<=50K,21, Private,185948, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,52, Self-emp-inc,134854, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,281030, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +>50K,42, Private,126701, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,9562,0,45, United-States +<=50K,50, Self-emp-not-inc,95949, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-not-inc,88528, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,99, United-States +<=50K,47, Private,24723, 10th,6, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,49, ?,171411, 9th,5, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,184581, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,100067, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,182863, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Never-worked,462294, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,61, Private,85434, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,158092, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,104844, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,54, Self-emp-inc,304570, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,7688,0,40, ? +<=50K,47, ?,89806, Some-college,10, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,39, Private,106183, HS-grad,9, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,6849,0,40, United-States +<=50K,24, Private,89347, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,157236, Some-college,10, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, Poland +<=50K,19, Private,261259, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,286166, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,23, Private,122272, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +>50K,58, Private,248739, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,53, United-States +<=50K,20, Private,224238, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,62, Private,138157, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +<=50K,25, Private,148460, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,4416,0,40, Puerto-Rico +<=50K,67, Private,236627, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,2, United-States +>50K,37, Local-gov,191364, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, France +<=50K,36, Private,353524, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Female,1831,0,40, United-States +<=50K,38, Private,391040, Assoc-voc,11, Separated, Tech-support, Unmarried, White, Female,0,0,20, United-States +<=50K,23, Private,134997, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,80, United-States +<=50K,28, Private,392487, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,216724, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,174395, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +>50K,63, Private,383058, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,60, Self-emp-not-inc,96073, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,31, Self-emp-inc,103435, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,96718, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +>50K,37, Private,178948, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,45, United-States +<=50K,51, Private,173987, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,34419, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,27, Private,224849, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,249857, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,340458, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,66, Self-emp-not-inc,427422, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,2377,25, United-States +<=50K,19, ?,440417, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,175643, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,297485, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,232954, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,326330, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,1831,0,40, United-States +<=50K,25, Private,109419, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,22, Private,127768, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +>50K,41, Private,252986, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,380544, Assoc-acdm,12, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,52, Private,306108, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,232855, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,37, United-States +>50K,44, Private,130126, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Private,194231, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,197038, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, ?,168223, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,71, State-gov,26109, Prof-school,15, Married-civ-spouse, Other-service, Husband, White, Male,0,0,28, United-States +<=50K,20, Private,285671, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,25, United-States +<=50K,20, Private,153583, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, ? +>50K,59, Self-emp-inc,103948, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,439919, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,3411,0,40, Mexico +<=50K,38, Private,40319, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,42, United-States +<=50K,55, Local-gov,159028, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,98675, 9th,5, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,45, Private,90758, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,43, Self-emp-not-inc,75435, HS-grad,9, Divorced, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,19, Private,219189, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,33, Private,203463, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,63, Private,187635, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,154641, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,8614,0,50, United-States +<=50K,34, Private,27153, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,150324, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,83704, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,176262, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, White, Female,0,0,36, United-States +<=50K,20, Private,179423, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,8, United-States +>50K,45, Private,168038, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,59, Private,108765, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,58, Private,146477, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, Greece +>50K,66, Local-gov,188220, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,37, Private,292855, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,35, United-States +<=50K,29, Private,114870, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,77723, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,39, Private,284166, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,57, Private,133902, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,57, Private,191318, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,67794, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,44, Self-emp-inc,357679, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,65, United-States +>50K,56, Private,117872, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,55929, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,22, ?,165065, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, Italy +<=50K,26, Self-emp-not-inc,34307, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +>50K,33, Private,246038, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,147258, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,45, Private,329144, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,52953, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,1669,38, United-States +<=50K,23, Private,216181, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,36, Iran +<=50K,23, Private,391171, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,25, United-States +<=50K,35, Local-gov,223242, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,103925, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,32, United-States +<=50K,45, Private,38240, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,148444, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,56, State-gov,110257, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,101345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,268098, 12th,8, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,36, United-States +<=50K,21, ?,369084, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,10, United-States +<=50K,31, Private,288825, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,40, United-States +<=50K,20, Private,162688, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,38, United-States +<=50K,17, ?,48751, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,44, Federal-gov,184099, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,307496, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,23, United-States +<=50K,71, ?,176986, HS-grad,9, Widowed, ?, Unmarried, White, Male,0,0,24, United-States +<=50K,23, Private,267955, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,283969, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Mexico +<=50K,29, State-gov,204516, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,33, Private,167771, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,345073, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, ?,380219, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,36, Self-emp-inc,306156, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,70, Self-emp-not-inc,37203, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386,0,30, United-States +<=50K,19, Private,185097, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,37, United-States +<=50K,29, Private,144808, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,34, Private,187203, Assoc-acdm,12, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,125089, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,289458, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,144798, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, ?,172152, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,25, Taiwan +<=50K,28, Private,207513, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,24, ?,164574, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,76, Private,199949, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,20051,0,50, United-States +<=50K,19, Private,213024, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,213140, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +>50K,24, Self-emp-not-inc,83374, Some-college,10, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,37, Private,192939, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,424494, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,215243, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,40, Private,30682, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,306639, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,23, Local-gov,218678, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,219130, Some-college,10, Never-married, Other-service, Not-in-family, Other, Female,0,0,40, United-States +<=50K,64, Private,180624, Assoc-acdm,12, Never-married, Prof-specialty, Other-relative, White, Female,0,0,30, United-States +>50K,53, Local-gov,200190, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,55, United-States +<=50K,28, Private,194472, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,52, Local-gov,205767, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,249870, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +>50K,31, Private,211242, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,77, Private,149912, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,22, Private,85389, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,17, ?,806316, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,329980, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,45, ?,236612, 11th,7, Divorced, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Local-gov,249214, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,50, Private,257126, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Local-gov,204397, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,291979, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Private,138667, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,57, Federal-gov,42298, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024,0,40, United-States +>50K,39, Private,375452, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,48, United-States +<=50K,30, Private,94413, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +>50K,31, Federal-gov,166626, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,326566, Some-college,10, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Private,165503, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,65, United-States +<=50K,48, Private,102597, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,62, ?,113234, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,39, Private,177277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,198103, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,1980,40, United-States +>50K,45, Private,260490, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,237478, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Federal-gov,36885, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,166242, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,19, ?,158603, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +<=50K,25, Private,274228, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,84, United-States +<=50K,42, Private,185145, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,57, United-States +<=50K,66, Private,28367, Bachelors,13, Married-civ-spouse, Priv-house-serv, Other-relative, White, Male,0,0,99, United-States +<=50K,63, Self-emp-not-inc,28612, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,43, Private,191429, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,26, Private,459548, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, Mexico +>50K,23, Private,65481, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,39, Private,186130, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,47, Self-emp-inc,350759, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,359678, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,48, United-States +<=50K,35, Private,220595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,29599, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, State-gov,299153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,46, Private,75256, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,143583, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,31, State-gov,207505, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,41, Private,308550, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,60, United-States +<=50K,50, Private,145717, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,36, Private,334366, 11th,7, Separated, Exec-managerial, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, ?,76198, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,20, United-States +>50K,45, Self-emp-not-inc,155489, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,50, Private,197322, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,194259, 7th-8th,4, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,40, Private,346189, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Private,98361, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,64, ?,178556, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,56, United-States +>50K,51, Self-emp-inc,162943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,30, Private,19302, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,56, State-gov,67662, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +<=50K,35, Private,126675, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,55, Self-emp-not-inc,278228, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,30, Private,169152, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,204052, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,215392, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,83348, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Local-gov,196816, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,541343, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,33, Local-gov,55921, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,70, United-States +<=50K,32, Private,251701, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,29, Federal-gov,119848, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,160572, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,47, United-States +<=50K,18, Private,25837, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,15, United-States +<=50K,20, Private,236592, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,45, State-gov,199326, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,341610, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, ? +>50K,45, Private,175958, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,198965, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,193537, 7th-8th,4, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,35, Puerto-Rico +<=50K,24, Private,438839, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,298227, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +>50K,28, Private,271466, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,335570, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,206891, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Female,0,0,38, United-States +<=50K,23, Private,162551, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,45, Private,145637, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,41, Private,101290, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,49, Federal-gov,229376, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,439592, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,161141, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,70, Private,304570, Bachelors,13, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,32, Philippines +<=50K,24, Private,103277, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,2597,0,40, United-States +<=50K,28, Local-gov,407672, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,73928, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +>50K,83, Self-emp-inc,240150, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051,0,50, United-States +>50K,69, Private,230417, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, China +<=50K,37, Private,260093, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,96020, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,104421, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,71, Private,152307, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,45, United-States +<=50K,56, State-gov,93415, HS-grad,9, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,27, Local-gov,282664, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,45, ? +>50K,42, Self-emp-not-inc,269733, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,99999,0,80, United-States +<=50K,21, Private,202871, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,44, United-States +<=50K,29, Private,169683, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,271603, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,24, ? +>50K,32, Private,340917, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,329874, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,43770, Some-college,10, Separated, Other-service, Not-in-family, White, Female,4650,0,72, United-States +>50K,55, State-gov,120781, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,48, Private,138069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,33309, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,80, United-States +<=50K,23, Private,76432, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, State-gov,277635, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,49, Local-gov,123088, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,51, Private,57698, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,181820, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,53, United-States +<=50K,40, Self-emp-not-inc,98985, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +<=50K,59, Private,98350, HS-grad,9, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,47, Private,125120, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,37, Private,243409, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,58972, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,1506,0,40, United-States +<=50K,43, Private,62857, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,283174, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Private,107373, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,201155, 9th,5, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,48, Private,187505, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,61778, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,223648, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,4101,0,48, United-States +<=50K,28, Private,149652, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,56, Private,170324, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Trinadad&Tobago +<=50K,45, Private,165937, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,60, State-gov,114060, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,53, State-gov,58913, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,37, State-gov,378916, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,241885, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,29, Private,224421, Assoc-voc,11, Married-AF-spouse, Farming-fishing, Husband, White, Male,0,0,44, United-States +<=50K,31, ?,213771, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,36, United-States +<=50K,39, Private,315565, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Cuba +>50K,31, Local-gov,153005, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,98211, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,17, Private,198606, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,16, United-States +<=50K,19, Private,260333, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,219510, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,32, United-States +>50K,62, Private,266624, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418,0,40, United-States +<=50K,34, Private,136862, 1st-4th,2, Never-married, Other-service, Other-relative, White, Female,0,0,40, Guatemala +>50K,47, Self-emp-inc,215620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,58, Private,187067, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,62, Canada +<=50K,23, Private,325921, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,33, Private,268127, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,76, Private,142535, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,6, United-States +<=50K,40, Private,177083, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,77009, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,41, Private,306405, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,46, Local-gov,303918, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,96, United-States +<=50K,22, Federal-gov,262819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,49087, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,53833, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,31, Private,1033222, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,8614,0,40, United-States +<=50K,22, Private,81145, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Private,215479, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,43, United-States +<=50K,29, Private,113464, HS-grad,9, Never-married, Transport-moving, Other-relative, Other, Male,0,0,40, Dominican-Republic +>50K,60, Private,109530, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +>50K,72, Federal-gov,217864, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,117721, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,19, Private,199484, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,25, Private,248851, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,116968, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,59, Private,366618, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,17, Private,240143, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +>50K,59, ?,424468, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,320280, Some-college,10, Never-married, ?, Not-in-family, White, Male,1848,0,1, United-States +<=50K,25, Private,120238, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,2885,0,43, United-States +<=50K,50, ?,194186, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,247053, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,180599, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Local-gov,190330, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,29, State-gov,199450, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,32, Local-gov,199539, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,94366, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,6, United-States +>50K,50, Self-emp-not-inc,29231, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,33126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,102085, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,212064, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,54, State-gov,166774, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,65, Private,95303, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,379768, HS-grad,9, Never-married, ?, Own-child, Other, Female,0,0,40, United-States +>50K,70, Self-emp-inc,247383, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,53, Private,229465, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,37, Private,135436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,21, Private,180052, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,214387, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,47, State-gov,149337, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,38, United-States +<=50K,26, Private,208326, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3942,0,45, United-States +<=50K,31, Private,34374, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,58683, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,403037, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,32365, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,49, Private,155489, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-inc,289886, HS-grad,9, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,30, Federal-gov,54684, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, ? +<=50K,19, Private,101549, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,48, Self-emp-inc,51579, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,41, Private,40151, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,244721, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +>50K,47, Local-gov,228372, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +>50K,53, Local-gov,236873, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,250249, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,71, Private,93202, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,29, Private,176723, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,43, Local-gov,175526, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,91842, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, Private,71768, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,56, Private,181220, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,204516, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,89172, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,37, Federal-gov,143547, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,310889, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,150324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,216472, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,64, Private,212838, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,168283, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,40, Private,187702, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,60661, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,52, United-States +>50K,54, Private,115284, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,61, Self-emp-inc,98350, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,18, Private,195372, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,62, ?,81578, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,111567, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,244572, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,37, United-States +<=50K,54, Private,230919, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,282604, Some-college,10, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0,0,24, United-States +<=50K,54, Private,320196, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Germany +>50K,42, Private,201466, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,51, Federal-gov,254211, Masters,14, Widowed, Sales, Unmarried, White, Male,0,0,50, El-Salvador +>50K,41, Private,599629, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,47, Local-gov,219632, Assoc-acdm,12, Separated, Exec-managerial, Not-in-family, White, Male,0,1408,40, United-States +<=50K,31, State-gov,161631, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,202373, Assoc-voc,11, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,52, Private,169549, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,127185, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,184277, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,58, Private,119751, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, Asian-Pac-Islander, Female,0,0,60, Philippines +<=50K,23, Private,294701, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,26842, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, State-gov,114537, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,126386, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,163787, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,44, Private,98211, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175509, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,159854, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,120920, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,187551, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +>50K,41, State-gov,27305, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,216711, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,218596, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,280292, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,40, Private,200496, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,78090, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,23, Private,118693, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,203488, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,27, Local-gov,172091, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +>50K,32, Private,113364, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,139889, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,74, United-States +<=50K,43, Local-gov,301638, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,40, United-States +<=50K,32, Private,110279, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,53, Private,242859, Some-college,10, Separated, Adm-clerical, Own-child, White, Male,0,0,40, Cuba +<=50K,18, Private,132986, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,38, Private,254439, 10th,6, Widowed, Transport-moving, Unmarried, Black, Male,114,0,40, United-States +<=50K,41, Federal-gov,187462, Assoc-voc,11, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,264961, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,70, ?,148065, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,46, Self-emp-inc,200949, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,50, ? +<=50K,47, Private,47247, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,56, Local-gov,571017, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,28, Private,416577, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,2829,0,40, United-States +>50K,55, State-gov,296991, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,50, State-gov,45961, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,6849,0,40, United-States +<=50K,47, Private,302711, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-inc,50356, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,199336, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,341178, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, Mexico +<=50K,42, Federal-gov,70240, Some-college,10, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,46, Private,229394, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,390368, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,15024,0,99, United-States +<=50K,55, Private,82098, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,55, United-States +>50K,57, Private,170411, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,109532, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,142682, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, Dominican-Republic +<=50K,34, Self-emp-inc,127651, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Local-gov,236472, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,25, Private,176047, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,2176,0,40, United-States +<=50K,37, Private,111499, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,425199, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,38, Private,229009, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,232713, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,594,0,30, United-States +>50K,70, Private,141742, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,9386,0,50, United-States +<=50K,37, Private,234807, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,45, Private,738812, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,56, Private,204816, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,64, Private,342494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,226311, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,23, Private,143062, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, Local-gov,125155, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,90, United-States +<=50K,23, Private,329925, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,26, ?,208994, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,12, United-States +>50K,56, Local-gov,212864, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,41, Private,214242, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,47, Self-emp-not-inc,191175, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,2179,50, Mexico +<=50K,21, Private,118693, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,253593, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,32, State-gov,206051, Some-college,10, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,72, Private,497280, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,69, Self-emp-not-inc,240562, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,19, Private,140985, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,25, United-States +<=50K,25, Local-gov,191921, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +>50K,56, Private,204049, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1848,50, United-States +>50K,42, Private,331651, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,50, United-States +<=50K,58, Private,142158, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,24, Private,249046, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,213019, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,38, United-States +>50K,40, Private,199599, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,186191, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, ? +<=50K,25, Private,28008, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,82488, Bachelors,13, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,36, Private,117073, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,325786, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,37546, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,204226, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,133299, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,29702, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,307812, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,174545, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,46, United-States +<=50K,23, Private,233472, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,184147, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,20, United-States +<=50K,27, Private,198188, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580,0,45, United-States +>50K,32, Private,447066, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,15024,0,50, United-States +<=50K,33, Private,200246, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,166585, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,21, Private,335570, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, ? +<=50K,39, Private,53569, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,167065, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,113364, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +>50K,40, Federal-gov,219266, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Federal-gov,200042, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,20, Private,205975, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,63, ?,234083, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,2205,40, United-States +<=50K,56, Private,65325, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,30, Local-gov,194740, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,99065, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,39, United-States +>50K,25, Private,212793, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Private,112941, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,187322, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,283676, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,173682, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,168470, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,186454, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550,0,40, United-States +<=50K,58, Private,141807, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,25, Private,245628, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,15, Mexico +<=50K,31, Private,264864, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,39, Private,262841, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,55, Private,37438, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,170800, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,44, Private,152150, Assoc-acdm,12, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,211873, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,1628,5, ? +<=50K,44, Private,159580, 12th,8, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,477209, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, United-States +<=50K,32, Private,70985, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,241998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,249541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,135339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,32, Private,44675, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,46, State-gov,247992, 7th-8th,4, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,221626, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1579,20, United-States +<=50K,43, Self-emp-inc,48087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,114045, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,60, State-gov,69251, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,38, China +<=50K,67, Private,192670, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,19, Private,268392, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,55, ?,170994, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,431513, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,19, State-gov,37332, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,19, Private,35865, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,43, Private,183891, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,150309, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,90, United-States +<=50K,65, Private,93318, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,32, Private,171814, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,36, State-gov,183735, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,353541, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,33, Local-gov,152351, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +<=50K,72, ?,271352, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,12, United-States +>50K,34, Private,345705, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,27, Private,223751, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,75, Self-emp-inc,164570, 11th,7, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, ?,281363, 10th,6, Widowed, ?, Unmarried, White, Female,0,0,15, United-States +>50K,51, Private,110747, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,47, Private,34458, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,254293, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,270147, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,195491, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Local-gov,255454, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,126125, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,33, Private,618191, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,163110, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Private,145409, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,48, United-States +<=50K,39, State-gov,235379, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,55465, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,67, Local-gov,181220, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,42, Private,26672, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,59, Private,98361, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,219883, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,376683, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,2036,0,30, United-States +<=50K,47, Private,33865, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,68, Private,168794, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,94245, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,34572, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Private,348751, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,65382, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,60, Private,116707, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +>50K,51, Private,178054, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,24, Private,140001, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,166889, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Female,0,1602,35, United-States +<=50K,24, Private,117789, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,238917, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,48, Local-gov,242923, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,1848,40, United-States +<=50K,52, Local-gov,330799, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,209460, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Federal-gov,75313, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,66, United-States +<=50K,29, ?,339100, 11th,7, Divorced, ?, Not-in-family, White, Female,3418,0,48, United-States +<=50K,20, Private,184779, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,31, Private,139000, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,30, Private,361742, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,260782, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, ? +<=50K,51, Private,203435, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,100579, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,356067, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,16, United-States +<=50K,46, Private,87250, Bachelors,13, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,264663, Some-college,10, Separated, Prof-specialty, Own-child, White, Female,0,3900,40, United-States +<=50K,29, Private,255817, 5th-6th,3, Never-married, Other-service, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,48, Self-emp-not-inc,243631, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,30, South +<=50K,34, Self-emp-inc,544268, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Self-emp-not-inc,98061, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,95691, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, Columbia +<=50K,47, Private,145868, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,65038, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,43, Local-gov,227734, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,22, United-States +<=50K,19, Local-gov,176831, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,35, United-States +<=50K,22, Private,211678, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Local-gov,157240, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,70, United-States +<=50K,41, Self-emp-not-inc,145441, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Yugoslavia +>50K,71, Self-emp-inc,66624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,60, United-States +<=50K,42, Private,76487, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,31, State-gov,557853, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,47, United-States +<=50K,69, ?,262352, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,58, Self-emp-not-inc,118253, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,146625, 11th,7, Widowed, Other-service, Unmarried, Black, Female,0,0,12, United-States +<=50K,31, Private,174201, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,20, ?,66695, Some-college,10, Never-married, ?, Own-child, Other, Female,594,0,35, United-States +<=50K,41, Private,121130, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,385847, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,83439, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,114158, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,381789, 12th,8, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,17, Private,82041, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Canada +>50K,35, Self-emp-not-inc,115618, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,106110, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,99, United-States +<=50K,44, Private,267521, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,90692, Assoc-voc,11, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,51, Private,57101, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,236913, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,64, Self-emp-not-inc,388625, 10th,6, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +<=50K,54, Self-emp-not-inc,261207, 7th-8th,4, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, Cuba +<=50K,43, Private,245487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,32, Private,262153, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,36, Private,225516, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Male,10520,0,43, United-States +>50K,26, Self-emp-not-inc,68729, HS-grad,9, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,50, United-States +>50K,37, Private,126954, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,85074, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,383306, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,128143, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +>50K,47, Private,185041, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,99373, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Local-gov,157942, HS-grad,9, Widowed, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,241928, HS-grad,9, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,32, United-States +>50K,37, Private,348739, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,95654, 10th,6, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,367306, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,270421, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,63, ?,221592, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,156951, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,42, State-gov,39239, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,32, Private,72744, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,42, State-gov,367292, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,408498, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,361493, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,3325,0,40, United-States +<=50K,65, Self-emp-inc,157403, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,231263, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,244147, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,10, United-States +<=50K,24, Private,220944, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,51, Federal-gov,314007, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, ?,200862, 10th,6, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +<=50K,28, Private,33374, 11th,7, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,32, Self-emp-inc,345489, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,77, Private,83601, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,162302, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,26, Private,112847, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,147344, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,57, State-gov,183657, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,40, Private,130760, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,50, Private,163948, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,316797, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,45, Mexico +<=50K,54, Federal-gov,332243, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,195844, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,387250, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,38, State-gov,188303, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,40, United-States +<=50K,68, ?,40956, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,17, Private,178953, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,398988, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,535978, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,296982, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,231991, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,295799, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,201569, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,58, Private,193568, 11th,7, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Private,97128, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,42, Private,203393, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,35, United-States +<=50K,49, Private,138370, Masters,14, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,41, Self-emp-inc,120277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,43, Private,91949, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,46, Private,228372, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,28, Private,132191, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,39, Self-emp-not-inc,274683, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +>50K,50, Local-gov,196307, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,57, Private,195835, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,185399, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +<=50K,79, Self-emp-not-inc,103684, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,140559, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,45, United-States +<=50K,35, Federal-gov,110188, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,35, Local-gov,668319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,80, United-States +>50K,30, Private,112358, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,151810, 10th,6, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,49, Private,48120, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,1506,0,40, United-States +<=50K,48, Private,144844, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,205839, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,113760, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,50, Private,138358, 10th,6, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,47, Jamaica +<=50K,47, Self-emp-not-inc,216657, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,278576, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,44, Private,174373, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,220019, 9th,5, Widowed, Other-service, Unmarried, White, Female,0,0,9, United-States +<=50K,24, ?,311949, HS-grad,9, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,45, ? +>50K,34, Private,303867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,154210, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,28, ?,131310, 12th,8, Married-civ-spouse, ?, Wife, White, Female,0,0,20, Germany +>50K,46, Private,202560, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, ?,358783, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,29, Private,423024, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,206671, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, State-gov,245310, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,18, Private,31983, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,41, Private,124956, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,90, United-States +>50K,59, Private,118358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,491421, 5th-6th,3, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,50, Private,151580, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,248990, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,24, Mexico +<=50K,42, Private,157425, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,36, Private,221650, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Japan +>50K,62, Private,88055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,71, Private,216608, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,682947, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,44, Private,228124, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, ?,217194, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,171540, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,60, Self-emp-inc,210827, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,28, Self-emp-not-inc,410351, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Poland +<=50K,26, Private,163747, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,55, United-States +<=50K,18, Private,108892, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +>50K,43, Private,180096, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,65, Local-gov,153890, 12th,8, Widowed, Exec-managerial, Not-in-family, White, Male,2009,0,44, United-States +<=50K,23, Private,117480, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,44, United-States +<=50K,21, Private,163333, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,20, Self-emp-not-inc,306710, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,150553, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,18, Philippines +<=50K,77, Private,123959, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,32, Private,24961, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,327120, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,29, Self-emp-not-inc,33798, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,59, Private,81929, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,45, United-States +<=50K,22, Private,298489, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, ?,101697, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +>50K,31, Private,144064, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,59, Self-emp-not-inc,195835, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,29, Federal-gov,184723, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,56, Private,265086, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,235909, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,42645, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,58, State-gov,279878, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,104892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,137063, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,38, United-States +<=50K,38, Self-emp-not-inc,58972, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,36, Private,126675, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,19, Private,286435, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,594,0,40, United-States +>50K,46, Private,191389, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,28, United-States +>50K,42, Private,183241, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,29, Private,91547, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,52781, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,29, Private,210959, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,365516, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,112271, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,269455, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,46, Private,164379, Bachelors,13, Divorced, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,28, Private,109621, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,104858, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,39, Private,99270, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,193524, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,149040, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2964,0,12, United-States +<=50K,60, State-gov,313946, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,35, Private,162358, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,59, Private,200700, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,48, United-States +<=50K,21, Private,116489, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +<=50K,22, Private,118310, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,16, United-States +>50K,31, Private,352465, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,40, Private,107433, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,33, Private,296538, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,195897, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,31, Self-emp-not-inc,216283, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,62, Private,345780, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,216685, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,28, Local-gov,210945, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,60, United-States +>50K,43, Private,184321, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1887,40, United-States +>50K,55, Self-emp-not-inc,322691, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,55, United-States +<=50K,42, Private,192712, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,23, Private,178272, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Federal-gov,321333, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,120277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,45, United-States +<=50K,19, Private,294029, 11th,7, Never-married, Sales, Own-child, Other, Female,0,0,32, Nicaragua +<=50K,23, Private,112819, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,152636, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,50, United-States +<=50K,63, ?,301611, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,51, Private,134808, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,64216, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,90, United-States +<=50K,29, State-gov,214284, Masters,14, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,20, Taiwan +>50K,25, Private,469572, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +>50K,44, Self-emp-not-inc,282722, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,17, Private,231439, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,42, Self-emp-inc,120277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,364685, 11th,7, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +<=50K,26, Private,18827, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,169129, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,202051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,58, ?,353244, Bachelors,13, Widowed, ?, Unmarried, White, Female,27828,0,50, United-States +<=50K,19, Private,574271, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,65, State-gov,29276, 7th-8th,4, Widowed, Other-service, Other-relative, White, Female,0,0,24, United-States +>50K,52, Self-emp-not-inc,104501, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,394176, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,85625, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,22, United-States +<=50K,53, Private,340723, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,149342, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,73715, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,143083, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,18, United-States +>50K,40, Local-gov,290660, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,8614,0,50, United-States +>50K,49, Local-gov,98738, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,86, Private,149912, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,309033, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,60, United-States +<=50K,43, Self-emp-not-inc,96129, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,216096, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,35, Puerto-Rico +>50K,32, Private,171091, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,30, Self-emp-not-inc,79303, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,25, Local-gov,182380, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,36271, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,118197, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,46, Private,269652, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,38, United-States +>50K,39, Local-gov,193815, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,28, Private,141957, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,70, United-States +<=50K,26, Private,222637, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, Puerto-Rico +<=50K,27, Private,118230, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,174040, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,64, State-gov,105748, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,90, Self-emp-not-inc,82628, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,2964,0,12, United-States +>50K,51, Private,205100, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,107916, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,40, United-States +<=50K,39, Private,130620, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Dominican-Republic +<=50K,30, ?,361817, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,47, Self-emp-not-inc,235646, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,32, Private,53277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,456460, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,293091, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,62, Private,210935, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,48, ?,199763, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,62, ?,223447, 12th,8, Divorced, ?, Not-in-family, White, Male,0,0,40, Canada +<=50K,35, Self-emp-not-inc,233533, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,27, Private,95647, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,199763, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,74539, 10th,6, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,19, Private,84610, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,63, Self-emp-inc,96930, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,115602, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,24, Private,237341, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,61, Private,143800, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,50, Self-emp-inc,163921, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,36, Private,68273, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,113163, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,478829, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,30, Private,345705, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,385077, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,2907,0,40, United-States +<=50K,33, Private,192286, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,52, United-States +>50K,39, Local-gov,236391, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +>50K,42, Private,106679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, ?,308242, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,46094, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,33, United-States +<=50K,29, Private,194940, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,341643, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,23, Private,210474, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,28, Private,76313, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,34, Private,115858, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,55191, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,364862, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,334787, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,205733, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,120163, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,333677, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,2463,0,35, United-States +<=50K,25, Private,208591, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,341204, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,1831,0,30, United-States +<=50K,56, Self-emp-not-inc,115422, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-inc,111319, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,54, Private,816750, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,25, Private,167835, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,3325,0,40, United-States +<=50K,28, Private,92262, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,91964, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,107682, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, State-gov,135388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,39, Self-emp-not-inc,597843, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, Columbia +<=50K,19, Private,389942, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,442274, 12th,8, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,595461, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,52, Private,284329, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,33, Self-emp-not-inc,127894, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,196899, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Haiti +<=50K,58, Private,212534, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,71209, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,39, Private,237943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,70, United-States +<=50K,38, Private,190759, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Private,100313, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +>50K,41, Private,344624, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, ?,194024, 9th,5, Separated, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Private,87497, 11th,7, Never-married, Transport-moving, Other-relative, White, Male,0,0,10, United-States +<=50K,22, Private,236907, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,169639, Assoc-acdm,12, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,105803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +<=50K,31, Private,149507, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,18, Private,294387, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,161708, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,28, Private,282389, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,64940, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,49, Private,195727, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,37931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,170720, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,43, Private,152958, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +>50K,28, Private,312372, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024,0,40, United-States +<=50K,41, Private,39581, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,24, El-Salvador +>50K,50, Private,206862, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,46, Private,216934, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, Portugal +<=50K,20, Private,143062, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,242391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,165030, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,37, Private,199251, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,353012, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,66, Private,174491, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, ?,333305, Some-college,10, Married-civ-spouse, ?, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,203138, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,220220, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +>50K,55, Federal-gov,305850, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,48, Local-gov,273402, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,40, United-States +<=50K,56, Private,201344, Some-college,10, Widowed, Craft-repair, Unmarried, White, Female,0,0,38, United-States +<=50K,47, Self-emp-not-inc,218676, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,55, Self-emp-not-inc,141807, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,222434, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,47, Private,266860, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,34113, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,6849,0,43, United-States +<=50K,41, Private,159549, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,195248, Some-college,10, Never-married, Sales, Own-child, Other, Female,0,0,20, United-States +<=50K,52, Private,109413, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,62, Private,195343, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,15020,0,50, United-States +>50K,46, Private,185291, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,21, ?,140012, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,35, Self-emp-not-inc,114366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,169631, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,163870, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,3908,0,40, United-States +<=50K,35, Private,312232, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Private,229737, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, India +<=50K,70, ?,306563, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,35, Private,161637, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,40, Taiwan +<=50K,34, Private,106014, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,25265, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, Private,71860, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,41, Self-emp-inc,94113, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Self-emp-not-inc,208003, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,113550, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,83046, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,277488, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,65, United-States +<=50K,19, Private,205830, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, El-Salvador +>50K,46, Private,273575, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,40, United-States +<=50K,23, Private,245147, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,49, Private,274720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,163047, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,41, State-gov,47902, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,50, Private,128798, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,77, Private,154205, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +<=50K,27, Private,176683, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,29, Self-emp-inc,104737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,349340, Preschool,1, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,39, State-gov,218249, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +<=50K,32, Private,281540, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,36, Federal-gov,112847, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,24, Local-gov,126613, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,50, Self-emp-not-inc,145419, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +<=50K,32, Self-emp-not-inc,34572, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, Private,104045, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, ?,57665, Bachelors,13, Divorced, ?, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,359001, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,47, Private,105273, Bachelors,13, Widowed, Craft-repair, Unmarried, Black, Female,6497,0,40, United-States +>50K,31, Private,201122, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,160035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,50, Private,167886, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,32059, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-inc,200453, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,403072, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,37210, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,32, Private,199416, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,413227, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,29, ?,188675, Some-college,10, Divorced, ?, Own-child, Black, Male,0,0,40, United-States +>50K,42, Private,226902, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,195189, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,116608, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,99131, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,553405, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,50, United-States +>50K,52, Local-gov,186117, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,29, State-gov,67053, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,39, Private,347960, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,14084,0,35, United-States +<=50K,39, Private,325374, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Private,130413, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,2346,0,15, United-States +<=50K,43, Private,111949, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,39, Private,278557, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,48, United-States +<=50K,19, Private,194905, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,60, Local-gov,195453, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,282549, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137,0,40, United-States +<=50K,75, Private,316119, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,37, State-gov,252939, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,5455,0,40, United-States +<=50K,24, State-gov,506329, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,20, Private,316043, 11th,7, Never-married, Other-service, Own-child, Black, Male,594,0,20, United-States +<=50K,58, Federal-gov,319733, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,21, State-gov,99199, Masters,14, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,28, Private,204600, HS-grad,9, Separated, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,173307, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,34446, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-not-inc,237293, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,41, Private,175642, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,203735, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,44, Local-gov,171589, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,197967, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,29, Private,413297, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,45, Mexico +<=50K,45, Private,240841, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,152189, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,85874, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,176814, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,51, Local-gov,133336, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, Private,362623, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,37170, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,28, Private,30912, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,35448, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,33, Private,173248, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, United-States +<=50K,37, Private,49626, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,43, United-States +<=50K,19, Private,102723, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,90, ?,166343, 1st-4th,2, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,168322, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,131117, 7th-8th,4, Divorced, Tech-support, Unmarried, White, Female,0,0,38, Columbia +<=50K,20, ?,210474, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,110138, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,107452, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,160594, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,32, Local-gov,186784, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013,0,45, United-States +<=50K,70, Local-gov,334666, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,12, United-States +>50K,65, ?,191380, 10th,6, Married-civ-spouse, ?, Husband, White, Male,9386,0,50, United-States +<=50K,57, Private,104272, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,19491, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,128715, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,128063, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,26, Self-emp-not-inc,37023, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,78, United-States +<=50K,44, Private,68748, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,66, Private,140576, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,327435, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,202729, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Private,277471, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,189670, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, United-States +<=50K,61, Private,204908, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,171841, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,78247, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,68895, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, Mexico +<=50K,27, Private,56658, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,8, United-States +<=50K,58, Local-gov,259216, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,270278, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,12, Puerto-Rico +<=50K,56, Private,238806, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,26, United-States +>50K,36, Private,111128, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,29, Private,119429, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,73037, 10th,6, Never-married, Transport-moving, Unmarried, White, Male,0,0,30, United-States +>50K,61, Self-emp-not-inc,84409, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,274451, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +>50K,31, Private,246439, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,50, United-States +<=50K,21, Private,124242, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,67, Self-emp-not-inc,123393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,6418,0,58, United-States +<=50K,26, Private,159732, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,161415, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,157568, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,168030, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +>50K,59, State-gov,349910, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,50, United-States +<=50K,82, Self-emp-inc,130329, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,34, State-gov,56964, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,29, Private,370509, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, France +<=50K,19, Private,106306, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,56480, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,1, United-States +>50K,41, Private,115932, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,55, Private,154580, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,2580,0,40, United-States +<=50K,27, Private,404421, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Private,194901, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,43, State-gov,164790, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,50, United-States +<=50K,72, Federal-gov,94242, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,16, United-States +<=50K,68, Self-emp-not-inc,365020, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,160512, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,170331, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,101266, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,31, Private,100252, Bachelors,13, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,99999,0,70, United-States +<=50K,54, Private,217718, 5th-6th,3, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,30, Haiti +>50K,32, Private,170154, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Female,25236,0,50, United-States +<=50K,56, Private,105281, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,1974,40, United-States +>50K,39, ?,361838, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,6, United-States +>50K,41, State-gov,283917, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,48, Private,39530, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,212185, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,25, Self-emp-inc,90752, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,202450, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1573,40, United-States +<=50K,32, Private,168138, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,2597,0,48, United-States +>50K,51, Private,159755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,42, Private,191765, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,2339,40, Trinadad&Tobago +<=50K,22, ?,210802, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +>50K,31, Private,340880, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,43, Self-emp-not-inc,113211, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,134509, Some-college,10, Never-married, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, State-gov,147280, HS-grad,9, Never-married, Other-service, Other-relative, Other, Male,0,0,40, United-States +>50K,40, Private,145441, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,398001, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,31588, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +>50K,56, Private,189975, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,60, United-States +>50K,51, State-gov,231495, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,38, ?,121135, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,44, Private,186916, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,49, Self-emp-inc,213140, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +>50K,47, Private,176893, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,8614,0,44, United-States +<=50K,22, Private,115244, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,53, Private,313243, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,2444,45, United-States +<=50K,41, Local-gov,169995, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +<=50K,19, Private,198459, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,2001,40, United-States +<=50K,27, Local-gov,66824, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,3325,0,43, United-States +>50K,48, Self-emp-not-inc,52240, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,52, Private,35305, 7th-8th,4, Never-married, Other-service, Own-child, White, Female,0,0,7, United-States +>50K,61, State-gov,186451, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,45, Self-emp-not-inc,160724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,29, Private,210464, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,207685, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,21, United-States +<=50K,38, Private,233717, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Male,0,0,60, United-States +>50K,32, Private,222205, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,167613, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,148773, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,68268, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,174533, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, Private,273230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,187502, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,24, United-States +<=50K,47, Private,209320, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,56841, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,55, Private,254627, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,42703, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,374137, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,196385, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,192930, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,10, United-States +>50K,39, Private,99527, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,185437, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Female,0,0,55, United-States +<=50K,43, Private,247162, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,131534, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,184693, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, Mexico +<=50K,27, Private,704108, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,220262, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,95654, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +>50K,67, Private,89346, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,94392, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,334113, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,32763, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,31, Private,136651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,51, Self-emp-not-inc,240236, Assoc-acdm,12, Separated, Sales, Not-in-family, Black, Male,0,0,30, United-States +>50K,29, Private,53271, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,31493, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,195891, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Local-gov,209103, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3464,0,45, United-States +>50K,26, Private,211424, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,84657, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,151408, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,106819, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,19, United-States +<=50K,62, Private,132917, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,20, United-States +<=50K,54, Private,146834, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,164332, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,24, Private,30656, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +<=50K,27, Private,113501, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,45, United-States +<=50K,18, Private,165316, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,22, Private,233955, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,14344,0,40, United-States +<=50K,21, Private,126613, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,361280, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,80, Philippines +>50K,50, ?,123044, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,38, Private,165472, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,99452, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,84977, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,240458, 11th,7, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,230858, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,60, United-States +<=50K,60, Private,123218, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,62, ?,191118, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,7298,0,40, United-States +<=50K,38, Private,115289, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,373895, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,43, Private,152617, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,49, State-gov,72619, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,17, Private,41865, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,190228, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,23, Private,193090, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +>50K,28, Private,138692, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,83, Self-emp-inc,153183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,55, United-States +<=50K,25, Private,181896, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,268183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,60, United-States +<=50K,46, Local-gov,213668, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,99369, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,50, United-States +>50K,44, Private,104196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,60, Self-emp-not-inc,176839, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,30, Local-gov,99502, Assoc-voc,11, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,24, Private,183410, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,17, United-States +<=50K,17, Private,25690, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,76, ?,201986, 11th,7, Widowed, ?, Other-relative, White, Female,0,0,16, United-States +<=50K,31, Private,188961, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,52, Private,114971, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,121468, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,35, United-States +>50K,73, Self-emp-inc,191540, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,146398, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,24, United-States +<=50K,48, Private,193553, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,60, Private,121127, 10th,6, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,389856, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,290504, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,54, State-gov,137065, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,212685, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,71475, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,111450, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,22, United-States +>50K,35, Private,225860, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,129853, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,99925, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,32, United-States +<=50K,58, Private,227800, 1st-4th,2, Separated, Farming-fishing, Not-in-family, Black, Male,0,0,50, United-States +<=50K,55, State-gov,111130, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,29, Private,100764, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,275095, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,147500, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,63, Local-gov,150079, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,27, Private,140863, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,62, ?,199198, 11th,7, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,193372, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,196771, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,65, United-States +<=50K,31, Private,231826, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,52, Mexico +<=50K,40, Federal-gov,196456, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,34037, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,52, Private,174964, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,91608, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,403468, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,50, Mexico +<=50K,33, Private,112900, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,242670, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,52, Local-gov,187830, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,4934,0,36, United-States +>50K,25, Self-emp-not-inc,368115, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,35, United-States +>50K,54, Private,343242, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,113390, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1740,60, United-States +<=50K,28, Private,200733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,236769, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,22494, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Federal-gov,129379, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,239098, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,167501, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,77146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,82797, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,33, Self-emp-not-inc,134886, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,40, Self-emp-inc,218558, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,38, Private,207568, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,26, Private,196899, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, Other, Female,0,0,40, United-States +>50K,54, Self-emp-not-inc,200960, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,188069, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,60, Private,232337, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,98656, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, State-gov,194260, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,49, ?,481987, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,234976, 11th,7, Never-married, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,29, Private,349116, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,39, Private,175390, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Private,187720, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, ? +<=50K,26, Private,214637, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,185127, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,98752, 9th,5, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Local-gov,218382, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Private,153486, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,51, Federal-gov,174102, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,137142, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,241013, 7th-8th,4, Widowed, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,267798, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,41, ?,152880, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,28, United-States +>50K,31, Private,263561, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,43, Private,113324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,20, Private,39764, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,172186, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,460408, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1672,45, United-States +>50K,42, Self-emp-not-inc,185129, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,51, Private,61270, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,124685, Masters,14, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,99, Japan +<=50K,69, Self-emp-not-inc,76968, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +>50K,63, ?,310396, 9th,5, Married-civ-spouse, ?, Husband, White, Male,5178,0,40, United-States +<=50K,29, Federal-gov,37933, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,2174,0,40, United-States +<=50K,21, Private,38772, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,172496, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,55, United-States +<=50K,55, Private,306164, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,33795, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,47686, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,193132, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,42, United-States +>50K,52, Private,400004, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,101283, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,192384, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,113838, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,47, Private,278322, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,56, Private,199713, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,236021, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138938, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,126946, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,44791, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,31964, 9th,5, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,60, State-gov,352156, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,70, Self-emp-not-inc,205860, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,113106, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,89182, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,250782, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,37, Private,193855, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,50, United-States +>50K,50, Self-emp-not-inc,132716, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,68, Private,218637, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2377,55, United-States +<=50K,28, Private,177955, 11th,7, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +<=50K,32, Private,198660, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,207937, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,10520,0,50, United-States +<=50K,18, Private,168740, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,199625, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,22, Private,213902, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,38, Private,208379, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,8, United-States +<=50K,37, Private,113120, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,57827, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,515712, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,54190, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,53, Self-emp-inc,134793, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,18, Private,396270, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,30, Private,231620, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, Mexico +>50K,50, Private,174655, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,63, ?,97823, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,344480, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +<=50K,48, Private,176732, 9th,5, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,143932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,551962, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,50, Peru +<=50K,30, ?,298577, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,39, Private,257942, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,55, Local-gov,253062, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,193748, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,46, Private,368561, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,192964, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,65, United-States +<=50K,32, Private,217304, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,30, United-States +<=50K,18, Private,120029, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,62124, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,50, Private,94885, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,192565, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, Local-gov,220912, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Private,184120, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,140782, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Self-emp-inc,170785, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,32, Private,90705, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,37, State-gov,108293, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +>50K,48, Private,168283, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,339372, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1408,40, United-States +<=50K,43, Private,193672, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,143865, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,30, Private,209317, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, Dominican-Republic +>50K,34, State-gov,204461, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,137088, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,41, Private,149102, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,182855, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,42, Private,572751, Preschool,1, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Nicaragua +<=50K,18, Private,83451, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,81, Private,98116, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,119225, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,134888, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,745817, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,15, United-States +<=50K,41, Private,88368, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,49, State-gov,122066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,363219, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,46, Private,84402, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,56, Private,34626, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,1980,40, United-States +>50K,35, Private,150042, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,48014, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,29, Local-gov,177398, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,373698, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +<=50K,35, Private,422933, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,29, Private,131088, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,178255, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, Columbia +>50K,52, Self-emp-not-inc,129311, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,95, United-States +<=50K,45, Private,473171, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,236985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,35, ?,226379, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,21, ?,277700, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,207568, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,85708, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,98765, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Canada +<=50K,29, Private,192283, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,29, State-gov,271012, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Private,189265, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,321880, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,15, United-States +<=50K,52, Private,177465, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,24, Private,127647, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,32, State-gov,119033, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,289748, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,4650,0,48, United-States +<=50K,32, Private,209317, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +<=50K,33, Private,284531, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,251120, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,28, Private,113870, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Without-pay,170114, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,46, Local-gov,121124, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,40, United-States +<=50K,32, Private,328199, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,64, United-States +>50K,26, Private,206307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,236021, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,57, Federal-gov,170603, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,52, Private,74275, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,35, Self-emp-not-inc,112271, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,118306, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,49, Private,126754, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,47, Private,267205, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, ? +<=50K,38, Private,205359, 11th,7, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,32, United-States +<=50K,30, Private,398662, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,202498, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Columbia +>50K,32, Private,105650, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,46, Private,191204, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,56582, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Local-gov,51579, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-not-inc,152030, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,47, Private,227310, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,55854, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,36, Local-gov,28996, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,160634, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,222450, 11th,7, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,36, Self-emp-inc,180419, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,116084, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,40, United-States +<=50K,17, Private,202521, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,23, Private,186014, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,40, Private,88368, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,914,0,40, United-States +>50K,42, State-gov,190044, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,37, Self-emp-not-inc,35330, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,35, Federal-gov,84848, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,176280, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,145271, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,37, Local-gov,108320, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,48, State-gov,106377, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,258730, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, Japan +<=50K,33, Private,58305, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,341672, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,34, Private,176648, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,42, United-States +<=50K,24, ?,32616, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,481175, Some-college,10, Never-married, Exec-managerial, Own-child, Other, Male,0,0,24, Peru +>50K,49, Private,187454, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,65, United-States +<=50K,18, Private,25837, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,20, Private,385077, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,68985, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,181572, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,23698, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,34, ?,268127, 12th,8, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,162298, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,144608, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,250630, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,31, Private,150441, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,37, Private,189251, Doctorate,16, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,260082, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +>50K,42, Private,139126, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,50132, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,167691, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,36, Private,77820, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,156513, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,46, Private,248059, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,40, United-States +<=50K,24, Private,283092, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,35, Jamaica +<=50K,22, Private,175883, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,62, Private,232308, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,269991, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,20, Private,305446, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,120781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, ? +<=50K,57, Private,78707, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,351802, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +>50K,37, Local-gov,196529, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,35, Self-emp-inc,175769, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,17, Private,153021, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,36, Local-gov,331902, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,50, Private,279461, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,145704, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,3942,0,35, United-States +<=50K,27, State-gov,205499, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,77, United-States +<=50K,28, Private,293926, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,30, United-States +>50K,29, Self-emp-not-inc,69132, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,99999,0,60, United-States +<=50K,25, Private,113099, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,206947, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,67, United-States +>50K,29, State-gov,159782, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,19, Private,410543, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,34446, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, Private,209101, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,43, Federal-gov,95902, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,214323, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,236323, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,45, Federal-gov,201127, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,40, Private,142886, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,77313, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,17, ?,212125, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,36, Private,187098, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,196857, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,53, Local-gov,155314, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,72, Self-emp-not-inc,203289, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Private,117059, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,33, Private,178587, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,37, United-States +<=50K,22, Private,82393, 9th,5, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,17, ?,145258, 11th,7, Never-married, ?, Other-relative, White, Female,0,0,25, United-States +>50K,41, Private,185145, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, ? +<=50K,46, Private,72896, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,134886, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,223212, Preschool,1, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,52, Self-emp-not-inc,174752, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,230563, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, State-gov,353824, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,22, Private,117363, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,285367, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, ?,139391, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,42, United-States +<=50K,38, Private,198170, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,38948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,188515, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,177810, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,48, Private,188432, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,46, United-States +<=50K,31, Private,178506, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,129298, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,165315, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,37, United-States +>50K,68, Private,117236, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,45, United-States +<=50K,18, ?,172214, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,19, Private,63434, 12th,8, Never-married, Farming-fishing, Own-child, White, Female,0,0,30, United-States +<=50K,35, Self-emp-inc,140854, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,133043, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,53, Private,113176, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,2597,0,40, United-States +<=50K,33, Private,259301, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,41, United-States +<=50K,20, Private,196643, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,364365, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,36, Private,269318, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,108454, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,171637, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,183589, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,24, Private,107801, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,34, Private,179877, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,168981, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +>50K,37, Private,120590, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,310773, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, Mexico +<=50K,21, Private,197050, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,47, Private,159726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,85, United-States +<=50K,23, Private,210797, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,55291, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,141221, Bachelors,13, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,2163,25, South +<=50K,17, Private,276718, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,67, Private,336163, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,24, United-States +>50K,57, Private,112840, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,17, Private,165918, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, Peru +<=50K,53, Private,165745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Self-emp-not-inc,259299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,50, United-States +>50K,24, State-gov,197731, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,49, United-States +<=50K,48, Self-emp-not-inc,197702, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Private,162238, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,47, United-States +<=50K,38, Private,213260, HS-grad,9, Separated, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,53833, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,18, Private,89419, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,119704, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,433170, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,182714, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, ? +<=50K,39, Private,172538, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,20, ?,220115, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,12, United-States +<=50K,39, Private,158956, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Self-emp-not-inc,25631, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,476558, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,54, Federal-gov,35576, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,203463, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, State-gov,317647, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,170411, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,174182, 11th,7, Married-civ-spouse, ?, Wife, Other, Female,0,0,24, United-States +<=50K,54, Private,220055, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Private,231482, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,335979, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,991,0,18, United-States +<=50K,33, Private,279173, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,89559, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,161950, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,25, Germany +<=50K,51, Private,131068, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,219632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,175507, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,58, Self-emp-inc,182062, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,27, Private,287476, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,3325,0,40, United-States +<=50K,36, Private,206253, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,1617,40, United-States +<=50K,20, ?,189203, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,21698, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,328051, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,32, Private,356689, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,3887,0,40, United-States +<=50K,59, Private,121865, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,420986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,218558, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,54, Private,288992, 10th,6, Divorced, Prof-specialty, Unmarried, White, Male,14344,0,68, United-States +<=50K,20, ?,189740, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,29, Local-gov,188909, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,42, United-States +<=50K,28, Private,213081, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,18, Self-emp-not-inc,157131, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,98010, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,207677, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,58, ?,361870, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +<=50K,56, Private,266091, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,41, Private,106627, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, United-States +>50K,50, Self-emp-inc,167793, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,74, Self-emp-not-inc,206682, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1648,35, United-States +<=50K,30, Private,243165, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,201928, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,128346, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,197288, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,20, ?,169184, Some-college,10, Never-married, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,36, Private,245521, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, Mexico +<=50K,36, Private,129591, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Local-gov,47415, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1628,30, United-States +>50K,37, Self-emp-not-inc,188563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +<=50K,29, Self-emp-not-inc,184710, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,63734, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,18, Private,111256, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-inc,111483, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,266639, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,93853, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,184207, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,238002, 9th,5, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, Mexico +<=50K,28, ?,30237, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,196545, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,144844, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,280500, Some-college,10, Never-married, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,73, ?,135601, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,37, Private,409189, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, Mexico +>50K,50, Private,23686, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,19, Private,229756, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,32, Local-gov,95530, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,73199, Assoc-voc,11, Divorced, Tech-support, Unmarried, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, Private,196745, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,29, Private,79481, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,116934, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,100950, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, Germany +<=50K,44, Local-gov,56651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,18, Private,186954, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,264874, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +>50K,39, State-gov,183092, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Local-gov,273399, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, Peru +<=50K,29, ?,142443, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,21, Private,177526, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,49, Local-gov,31267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,321666, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,331861, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, ? +<=50K,25, Private,283515, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,30, Private,54608, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,162238, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,175931, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,236804, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,168782, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,227065, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,285335, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,259705, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,57, Private,24384, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,58, Private,322013, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,49797, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,52566, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,266275, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,72, Self-emp-not-inc,285408, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2246,28, United-States +<=50K,26, Self-emp-not-inc,177858, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,1876,38, United-States +<=50K,45, Federal-gov,183804, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,107231, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,23, Private,173679, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Local-gov,163965, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,173585, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, Peru +<=50K,27, Private,172009, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,44363, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +<=50K,45, Private,246392, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,53, Private,167033, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,54, Private,143822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,41, Private,37869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,23, Private,447488, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,35, Mexico +<=50K,17, Private,239346, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,42, Private,245975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,34632, 12th,8, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,121362, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,2258,38, United-States +<=50K,21, State-gov,24008, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,44, Private,165492, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,326048, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Male,0,0,44, United-States +<=50K,46, Private,250821, Prof-school,15, Divorced, Farming-fishing, Unmarried, White, Male,0,0,48, United-States +<=50K,37, Self-emp-not-inc,154641, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,86, United-States +<=50K,35, Private,198202, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,54, United-States +<=50K,27, Local-gov,170504, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,191342, Some-college,10, Never-married, Sales, Not-in-family, Other, Male,0,0,40, India +<=50K,19, Private,238969, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +>50K,63, Self-emp-not-inc,344128, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,69, ?,148694, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, ?,180187, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,6, Italy +<=50K,36, State-gov,168894, Assoc-voc,11, Married-spouse-absent, Protective-serv, Own-child, White, Female,0,0,40, Germany +<=50K,20, Private,203263, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,28, State-gov,89564, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,97562, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,38, United-States +<=50K,48, Private,336540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,139647, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,56, United-States +<=50K,38, Private,160192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,44, United-States +<=50K,50, Local-gov,320386, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,32126, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,275445, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,38, Self-emp-inc,54953, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,54, Private,103580, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,42, Private,245565, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,12, England +<=50K,32, Private,39223, 10th,6, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, ? +>50K,55, State-gov,117357, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,70, ? +<=50K,63, Private,207385, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,355287, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, Mexico +>50K,62, ?,141218, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,46, Local-gov,207677, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,102114, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,60269, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,278632, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,355551, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,45, Mexico +>50K,45, Private,246891, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, Canada +<=50K,19, Private,124486, 12th,8, Never-married, Other-service, Own-child, White, Male,0,1602,20, United-States +>50K,61, ?,202106, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1902,40, United-States +<=50K,61, Private,191417, 9th,5, Widowed, Exec-managerial, Not-in-family, Black, Male,0,0,65, United-States +<=50K,21, Private,184543, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,122206, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,38, Private,229015, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,28, Private,130067, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,40, Local-gov,306495, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,232855, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Local-gov,171328, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,64, Private,144182, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,23, United-States +<=50K,34, Private,102858, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,19, ?,199495, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,58, Private,209438, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,74895, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,55, United-States +<=50K,44, Private,184378, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,446512, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Federal-gov,113688, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,333305, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,19, Private,118535, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,56, Private,76142, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Local-gov,38795, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,208478, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,18, ? +<=50K,69, Private,203313, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,991,0,18, United-States +>50K,62, Private,247483, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, State-gov,198686, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,56118, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,359808, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,231554, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,33, Private,34848, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,34, Private,199934, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298,0,40, United-States +<=50K,29, Private,196243, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,65, Self-emp-inc,66360, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418,0,35, United-States +<=50K,18, Private,189487, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,194848, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,167309, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +>50K,44, Private,192878, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,70209, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,52, Federal-gov,123011, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Self-emp-not-inc,135339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,20, China +<=50K,48, Federal-gov,497486, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +<=50K,25, Private,178478, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,149909, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,37, Private,103323, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,239404, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,67, Private,165082, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,36, Private,389725, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, Private,374580, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,52, United-States +<=50K,36, ?,187983, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,259300, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,16, United-States +<=50K,19, Private,277695, 9th,5, Never-married, Farming-fishing, Other-relative, White, Male,0,0,16, Mexico +<=50K,24, Private,230248, 7th-8th,4, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,196342, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,17, Private,160968, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,16, United-States +<=50K,28, Private,115438, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,231043, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908,0,45, United-States +<=50K,35, Private,129597, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,24, Local-gov,387108, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,105936, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,20, Private,107242, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, ? +>50K,55, Private,125000, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,229456, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, United-States +<=50K,20, Private,230113, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,44, Private,106698, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,133454, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,295520, 9th,5, Widowed, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,26, Private,151551, Some-college,10, Separated, Sales, Own-child, Amer-Indian-Eskimo, Male,2597,0,48, United-States +>50K,58, Private,100313, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, United-States +<=50K,23, Private,320294, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,162381, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,183898, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,2354,0,40, United-States +<=50K,41, Self-emp-inc,32016, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,62, United-States +<=50K,31, Private,117028, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,280278, HS-grad,9, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Private,342906, 9th,5, Married-civ-spouse, Sales, Husband, Black, Male,0,0,55, United-States +<=50K,25, Private,181598, 11th,7, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,224059, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,148549, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,97355, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,37, Private,154571, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,43, Self-emp-inc,140988, Bachelors,13, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,45, India +<=50K,20, Private,148409, Some-college,10, Never-married, Sales, Other-relative, White, Male,1055,0,20, United-States +>50K,40, Local-gov,150755, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,75, United-States +<=50K,27, Private,87006, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1579,40, United-States +<=50K,35, Private,112158, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,121488, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, State-gov,283635, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,69758, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,40, Private,199900, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,55, United-States +<=50K,54, Private,88019, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Private,31935, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,323055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,189498, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,89041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,112507, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,236940, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,278514, HS-grad,9, Divorced, Craft-repair, Own-child, White, Female,0,0,42, United-States +<=50K,21, ?,433330, Some-college,10, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,258379, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,44, Private,162028, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,44, United-States +<=50K,20, Private,197997, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,98350, 10th,6, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,37, China +<=50K,39, Private,165848, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,178615, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,228939, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,27, Private,210498, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,53, Private,154891, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,165937, Assoc-voc,11, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,23, ?,138768, Bachelors,13, Never-married, ?, Own-child, White, Male,2907,0,40, United-States +<=50K,39, Private,160120, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,30, Private,382368, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Private,123011, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,119033, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,496856, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,194049, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,30, Private,299223, Some-college,10, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,66, Private,174788, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Private,176101, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,38948, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,271933, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,122041, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,43, Private,115932, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,46, Private,265105, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,100828, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,60, Private,121319, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,40, Poland +<=50K,63, Private,308028, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,42, Private,213214, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,348618, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,33, Private,275632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,239161, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,215495, 9th,5, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, Mexico +<=50K,30, Private,214063, Some-college,10, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,72, United-States +<=50K,37, Private,122493, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,33, ?,211699, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +>50K,49, Self-emp-not-inc,175622, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,153522, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,17, United-States +>50K,35, Private,258339, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,119793, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,133503, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +<=50K,18, Private,162840, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,41, Local-gov,67671, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,188888, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1340,40, United-States +<=50K,45, Private,140644, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,126154, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,245659, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,38, El-Salvador +<=50K,28, Private,129624, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, ? +<=50K,47, Private,104068, HS-grad,9, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,337908, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,20, United-States +<=50K,36, Private,161141, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,162228, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,116391, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,314310, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,61, ?,394534, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,6, United-States +<=50K,29, Private,308136, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,194698, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,67793, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,60, United-States +>50K,29, Local-gov,302422, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,1564,56, United-States +<=50K,27, Private,289147, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,229826, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,22, ?,154235, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,3781,0,35, United-States +>50K,49, Self-emp-inc,246739, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,188041, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,47, Private,187440, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,37, Local-gov,105266, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, Private,249208, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,203492, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,71076, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,146477, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,47, Private,201699, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,59, Private,205949, HS-grad,9, Separated, Craft-repair, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,70, Private,90245, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,5, United-States +>50K,53, Federal-gov,177647, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, France +<=50K,39, Private,126494, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,257735, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,1161363, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,50, Columbia +<=50K,19, ?,257343, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,221452, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Private,260669, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,1, United-States +>50K,40, Private,192344, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,80479, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,108808, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,41, Private,175674, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,272950, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Self-emp-not-inc,160786, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Self-emp-not-inc,122206, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,121168, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,209547, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,29, Federal-gov,244473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,39, Private,176296, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,60, United-States +<=50K,31, Private,91666, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,50, Local-gov,191025, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,4650,0,70, United-States +<=50K,31, State-gov,63704, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,31659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,191230, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,25, United-States +<=50K,28, Private,56340, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,221157, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,57, Local-gov,143910, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Local-gov,435836, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,61499, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,209182, Preschool,1, Separated, Other-service, Unmarried, White, Female,0,0,40, El-Salvador +<=50K,36, Self-emp-inc,107218, Some-college,10, Divorced, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,51, Private,55500, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,357962, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +>50K,43, Private,200355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,320451, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,51, Local-gov,184542, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, State-gov,206927, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,54310, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,208165, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,40, Private,146908, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,39, Private,318416, 10th,6, Separated, Other-service, Own-child, Black, Female,0,0,12, United-States +<=50K,47, Self-emp-inc,207540, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,23, Private,69911, Preschool,1, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,305304, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,295289, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,275110, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,42, United-States +<=50K,30, Private,339773, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, State-gov,399246, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,1485,40, China +>50K,37, Self-emp-inc,51264, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,49020, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3103,0,48, United-States +>50K,37, Private,178100, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, ?,215943, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,176178, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,25, State-gov,180884, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,61, State-gov,130466, HS-grad,9, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,59, Private,328525, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2414,0,15, United-States +<=50K,28, Private,142712, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,176321, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Private,145041, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Cuba +<=50K,29, Private,95423, HS-grad,9, Married-AF-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,49, Self-emp-not-inc,215096, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Local-gov,177599, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,33, Private,123920, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, ?,201490, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,46990, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,20, United-States +<=50K,32, Private,388672, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,16, United-States +>50K,48, Private,149210, Bachelors,13, Divorced, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,134787, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,185407, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,31, State-gov,86143, HS-grad,9, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,23, Private,41721, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,195744, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,96062, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,215150, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,270728, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, Cuba +<=50K,44, Private,75012, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +>50K,43, Private,206139, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,50700, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,224258, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +>50K,31, Private,240441, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,1564,40, United-States +>50K,40, Self-emp-not-inc,406811, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Local-gov,34452, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,361341, 12th,8, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,25, Thailand +<=50K,35, Private,78247, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,106900, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,40, Self-emp-not-inc,165108, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, England +<=50K,20, Private,406641, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,55, Private,171467, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,48, United-States +<=50K,30, Private,341187, 7th-8th,4, Separated, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +>50K,38, Private,119177, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,75, Private,104896, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2653,0,20, United-States +<=50K,17, Private,342752, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,79, ?,76641, Masters,14, Married-civ-spouse, ?, Husband, White, Male,20051,0,40, Poland +<=50K,20, Private,47541, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,233461, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,303954, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,163015, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,75763, Some-college,10, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,19, Private,43003, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,328239, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,130856, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +>50K,47, Self-emp-not-inc,190072, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Iran +<=50K,59, Private,170148, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +>50K,50, Private,104501, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-inc,213140, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,33, Local-gov,175509, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,173611, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,148995, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,30, United-States +<=50K,24, Private,64520, 7th-8th,4, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,139822, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,258700, 5th-6th,3, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,40, Mexico +<=50K,29, Private,34796, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,124963, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,65743, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, Private,161087, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,45, Jamaica +<=50K,63, ?,424591, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,203836, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,58, State-gov,110199, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,316059, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +>50K,42, Private,255667, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,193689, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,60722, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,39, Private,187847, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,233275, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Private,215404, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,15024,0,40, United-States +<=50K,45, Private,201865, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,118889, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,368739, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,123833, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,1408,40, United-States +<=50K,38, Private,171344, 11th,7, Married-spouse-absent, Transport-moving, Own-child, White, Male,0,0,36, Mexico +<=50K,39, Private,153976, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,374883, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,167658, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,6, United-States +<=50K,31, Private,348504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,258509, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,24, United-States +<=50K,47, State-gov,108890, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,1831,0,38, United-States +<=50K,28, Private,188236, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, ?,355571, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,425049, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,142555, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,42, United-States +>50K,42, Self-emp-not-inc,29320, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,52, Federal-gov,207841, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,187329, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,270973, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,197332, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,46, United-States +<=50K,21, ?,175166, Some-college,10, Never-married, ?, Own-child, White, Female,2176,0,40, United-States +<=50K,45, Local-gov,160187, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,197918, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,74, Private,192290, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +<=50K,29, Private,241895, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Local-gov,164515, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,147206, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,23, Self-emp-inc,306868, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Local-gov,169837, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,61, ?,124648, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,185057, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,240049, Preschool,1, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Laos +<=50K,18, Private,164441, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,38, Private,179314, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,319854, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,4650,0,35, United-States +<=50K,19, Self-emp-inc,148955, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,35, South +<=50K,23, Private,32950, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,4101,0,40, United-States +<=50K,37, Private,206699, HS-grad,9, Divorced, Tech-support, Own-child, White, Male,0,0,45, United-States +<=50K,25, Private,385646, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,31438, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,43, ? +>50K,45, Private,168598, 12th,8, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103,0,40, United-States +<=50K,32, Private,97306, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,65, ?,106910, 11th,7, Divorced, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,18, Self-emp-not-inc,29582, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,220284, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,29, Private,110226, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,65, ? +<=50K,53, Private,240914, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,115496, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,105817, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, State-gov,330836, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,36327, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,33423, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,45, Private,75673, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,36, Private,185744, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,36, Private,186035, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,44, Local-gov,196456, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +<=50K,24, Private,111450, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Private,115289, Some-college,10, Divorced, Sales, Own-child, White, Male,0,1380,70, United-States +<=50K,50, Private,74879, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,117312, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,58, Private,272902, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,220230, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,48, United-States +<=50K,24, Private,90934, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,55, United-States +>50K,52, Self-emp-inc,234286, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,46, Private,364548, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,8614,0,40, United-States +>50K,50, Self-emp-inc,283676, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,34, Private,195602, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Private,70761, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,53, Private,142717, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,124242, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, ?,53481, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,287797, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,188274, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,171968, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,78, ?,74795, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,36, Private,218490, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Germany +<=50K,43, Local-gov,94937, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,28, United-States +<=50K,60, Private,109511, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,269527, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,50, Self-emp-inc,201689, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,63, ? +<=50K,34, Self-emp-not-inc,120672, 7th-8th,4, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,10, United-States +<=50K,46, Private,130779, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,441542, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,69, Private,114801, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,32, Private,180284, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,27444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,180382, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411,0,45, United-States +>50K,56, Private,143266, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,139268, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,126208, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,186191, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +>50K,51, Private,197163, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,2559,50, United-States +>50K,44, State-gov,193524, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,33, Private,181388, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,124963, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,24, Private,188925, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,149230, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,388725, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,113543, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,61, ?,187636, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Self-emp-inc,267763, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,69, Federal-gov,143849, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Self-emp-not-inc,97277, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,40, Private,199303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,124852, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,50053, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,53, Private,97005, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,90, ?,175444, 7th-8th,4, Separated, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,39, Private,337898, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,51, Federal-gov,124076, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,56, Federal-gov,277420, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,51, Private,280278, 10th,6, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,241185, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,202188, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,1741,50, United-States +<=50K,42, Private,198422, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,82242, Prof-school,15, Never-married, Prof-specialty, Unmarried, White, Male,27828,0,45, Germany +>50K,33, Private,178429, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,185866, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, ? +<=50K,43, Private,212847, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Self-emp-not-inc,219661, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,9, United-States +>50K,40, Private,321856, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,313873, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,31, Private,144064, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,60, Private,139586, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,32, Private,419691, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,212759, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,6767,0,20, United-States +<=50K,27, Private,195562, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,20, United-States +<=50K,40, Private,205706, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,27, Private,131310, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,54440, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,43, Private,200734, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,81859, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,159589, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,85, United-States +<=50K,28, Private,300915, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,185057, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Self-emp-not-inc,42044, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +>50K,35, Private,166416, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,212737, 9th,5, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,18, Private,236069, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,10, United-States +>50K,46, Self-emp-inc,216414, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +>50K,54, Federal-gov,27432, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,145419, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1672,50, United-States +<=50K,56, Private,147202, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, Germany +<=50K,27, Private,29261, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,359543, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,41, Local-gov,227644, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,90021, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +<=50K,32, Private,188154, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,110142, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,186415, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,65, United-States +<=50K,37, Private,175720, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,172865, 5th-6th,3, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, Mexico +<=50K,46, Private,35969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,51, United-States +<=50K,24, Private,433330, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Self-emp-inc,160261, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,35, Taiwan +<=50K,55, Private,189528, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,64, Local-gov,113324, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Local-gov,118500, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,89681, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,46, Federal-gov,199925, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,102308, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,18, Private,444607, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,176998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, ?,94559, Bachelors,13, Married-civ-spouse, ?, Wife, Other, Female,7688,0,50, ? +>50K,34, State-gov,366198, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Germany +<=50K,35, Private,180686, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +<=50K,26, Private,108019, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,3325,0,40, United-States +<=50K,24, Private,153542, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,35, United-States +>50K,45, Self-emp-not-inc,210364, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,80, United-States +<=50K,36, Private,185394, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,34, United-States +<=50K,44, Private,222703, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Nicaragua +<=50K,23, Private,183945, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,57, Private,161964, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,41, Self-emp-not-inc,375574, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Mexico +<=50K,20, Local-gov,312427, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,30, Puerto-Rico +<=50K,32, Private,53373, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +>50K,60, Private,166330, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,99999,0,40, United-States +<=50K,38, Self-emp-inc,124665, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,20, United-States +<=50K,29, Private,146719, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,306593, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,156687, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,30, India +<=50K,40, Local-gov,153489, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,3137,0,40, United-States +>50K,59, Private,231377, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,45, United-States +<=50K,45, State-gov,127089, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,76, Local-gov,329355, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,13, United-States +>50K,45, Private,178319, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,304246, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,70, United-States +>50K,36, Local-gov,174640, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,60, United-States +<=50K,22, Private,148294, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,47, Private,298037, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +<=50K,26, Private,98155, HS-grad,9, Married-AF-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,102766, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,78529, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,136309, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,275357, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,25, United-States +<=50K,31, Self-emp-not-inc,33117, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, England +<=50K,57, Local-gov,199546, Masters,14, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,184128, 11th,7, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,36, Private,337039, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Black, Male,14344,0,40, England +<=50K,66, Private,126511, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,34, Local-gov,325792, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,80, ?,91901, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,21, Private,119474, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,40, Private,153238, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,32, United-States +<=50K,49, Local-gov,321851, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Self-emp-not-inc,108557, Some-college,10, Divorced, Sales, Not-in-family, White, Female,3325,0,60, United-States +<=50K,19, State-gov,67217, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,594,0,24, United-States +<=50K,42, Private,195508, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,102193, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,20323, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,122206, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,200652, 9th,5, Divorced, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,42, Private,173590, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1628,40, United-States +<=50K,19, Private,184121, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,45, Local-gov,53123, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +>50K,47, Private,175990, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,47, Private,316101, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,34080, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +>50K,49, Self-emp-not-inc,219718, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,36, Private,126954, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,99185, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, ?,40052, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,2001,45, United-States +<=50K,39, Private,120074, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,77336, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,60981, Some-college,10, Never-married, Sales, Own-child, White, Female,2176,0,35, United-States +<=50K,59, Private,77884, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,50, Private,65408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,31, Private,173279, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,52, ?,318351, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,157686, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,45, Private,277434, Assoc-acdm,12, Widowed, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,54, Local-gov,184620, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,34443, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +>50K,50, Private,268553, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,20, ?,41356, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,43, Private,459342, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Local-gov,148549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,254293, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,45, United-States +>50K,54, Private,104501, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,26, Private,238367, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, Private,180439, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-inc,100029, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,54, Private,215990, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,44, United-States +>50K,32, State-gov,111567, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +<=50K,46, Private,319163, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,60, ?,160155, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,52, Local-gov,378045, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,44, Private,177083, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-inc,119891, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,40, United-States +<=50K,57, Private,127779, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,299353, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,63861, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,112403, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +>50K,49, Private,83610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,66, United-States +<=50K,28, Private,452808, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,176871, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,100651, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,1980,40, United-States +<=50K,17, Private,266134, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,54, Local-gov,196307, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,87891, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,54, Private,182314, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,55, ?,136819, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,181666, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, ? +<=50K,37, Private,179671, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,34, Private,27494, HS-grad,9, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,38, Private,338320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Canada +<=50K,51, Private,199688, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,96635, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,24, Private,165064, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,109856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,33, Private,82393, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Private,209538, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,209891, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,50, United-States +<=50K,32, Self-emp-not-inc,56026, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,45, United-States +<=50K,35, Private,210844, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +>50K,43, Private,117158, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,193144, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,19, Self-emp-not-inc,137578, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,53, United-States +<=50K,23, Private,234108, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,40, Private,155767, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,59, Private,110820, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,43, Private,403276, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,147269, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, ? +<=50K,53, Private,123092, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,165673, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,68, Self-emp-inc,182131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,20, United-States +>50K,41, Private,204415, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,32, Self-emp-not-inc,92531, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,25, State-gov,157028, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,228649, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,147253, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,33, Private,160784, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,163189, Some-college,10, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,29, Private,146343, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,20, Private,225811, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,23, United-States +>50K,68, State-gov,202699, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,42, ? +<=50K,58, Private,374108, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,93930, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,412248, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,427474, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,67, State-gov,160158, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,159603, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,53, Self-emp-not-inc,101017, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,27, Local-gov,163862, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,29, Without-pay,212588, Some-college,10, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0,0,65, United-States +>50K,38, State-gov,321943, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,317702, 9th,5, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,48, Private,287480, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,135607, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,40, ? +<=50K,28, Private,168514, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,88642, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,28, Private,227104, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,157289, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, Private,213321, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,294907, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,251411, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,183594, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,189565, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,50, United-States +<=50K,55, Private,217802, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,25, United-States +<=50K,20, Private,388156, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,24, United-States +<=50K,54, Private,447555, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,204098, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,43, Private,193882, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,17, ?,89870, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,48, State-gov,49595, Masters,14, Divorced, Protective-serv, Not-in-family, White, Male,0,0,72, United-States +<=50K,34, Private,228873, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,66, ?,108185, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,176027, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, ?,405374, Some-college,10, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,39606, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,56, Private,178353, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,58, Private,160662, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-inc,196328, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, Jamaica +<=50K,45, Private,20534, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +<=50K,29, Self-emp-inc,156815, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,360252, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,43, Private,245056, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,33, Local-gov,422718, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,118081, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,3103,0,42, United-States +<=50K,25, Private,262978, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, Private,187577, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,259323, Prof-school,15, Divorced, ?, Not-in-family, White, Male,0,0,5, United-States +<=50K,37, Private,160920, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,194247, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +>50K,39, Private,134367, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,24, United-States +<=50K,17, Private,123335, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,27, Local-gov,332249, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,358124, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,55, Private,208019, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,39, Private,318452, 11th,7, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,207779, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,238376, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,51, Private,673764, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,67, State-gov,239705, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,12, ? +<=50K,40, Private,133974, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,138285, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,23, Private,152140, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,287920, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,51, Private,289572, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,43, State-gov,78765, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,25, State-gov,99076, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,2597,0,50, United-States +<=50K,36, Self-emp-not-inc,224886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407,0,40, United-States +<=50K,58, Private,206532, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,129529, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Local-gov,202473, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,162312, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, South +<=50K,45, Private,72844, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,46, United-States +<=50K,49, Private,206947, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,64112, 12th,8, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, State-gov,20057, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,38, Philippines +<=50K,42, State-gov,222884, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,132683, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,73, ?,177773, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,59, Self-emp-not-inc,144071, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,2580,0,15, El-Salvador +<=50K,28, Private,148429, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885,0,40, United-States +<=50K,19, Private,168601, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,31, State-gov,78291, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Federal-gov,243929, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, Private,215039, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,13, ? +>50K,47, Self-emp-not-inc,185673, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,121142, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,173858, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,59, ?,87247, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, England +>50K,43, Private,334991, Some-college,10, Separated, Transport-moving, Unmarried, White, Male,4934,0,51, United-States +<=50K,48, Private,93476, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,2001,40, United-States +>50K,44, Private,174283, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,128676, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,205844, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Private,62535, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,50, Private,240612, HS-grad,9, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,10, United-States +>50K,33, Private,176992, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,254127, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,50, United-States +<=50K,30, ?,138744, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,128460, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,56582, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,10, United-States +<=50K,52, Private,153751, 9th,5, Separated, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,26, Private,284343, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, State-gov,312692, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,12, United-States +<=50K,28, Private,111520, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Nicaragua +>50K,50, Self-emp-inc,304955, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,288598, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,61, Self-emp-not-inc,117387, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,230484, 7th-8th,4, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Federal-gov,319280, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Local-gov,186416, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Local-gov,147372, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,2444,40, United-States +<=50K,36, Private,145933, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,2258,70, United-States +<=50K,28, Private,110164, Some-college,10, Divorced, Other-service, Other-relative, Black, Male,0,0,24, United-States +>50K,49, Private,225454, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,220342, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,41, Self-emp-not-inc,144002, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,225365, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,36, Private,187983, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,89991, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,225913, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,49, Self-emp-inc,229737, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,37, United-States +<=50K,59, Private,145574, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,274363, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,59, Private,365390, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,266467, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,183384, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,112797, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +>50K,45, Federal-gov,76008, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,156780, HS-grad,9, Never-married, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +>50K,42, Local-gov,186909, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,25, Private,25497, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,102771, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +>50K,58, Self-emp-not-inc,248841, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,39, Private,30916, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,123270, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,210165, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,222596, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Self-emp-inc,188067, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,22, Private,119592, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,2824,40, ? +<=50K,27, Private,250314, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Guatemala +<=50K,60, Private,205934, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,46, Private,186172, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,56, Self-emp-inc,98418, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +>50K,36, Private,329980, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,40, United-States +<=50K,56, Private,147653, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,35, ?,195946, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,29, Self-emp-inc,168221, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,70, United-States +<=50K,19, Private,151801, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,39, United-States +<=50K,38, Private,177154, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,40, Federal-gov,73883, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,52, Private,175714, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,43535, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,32, State-gov,104509, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,27, Private,118230, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,152046, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, Guatemala +>50K,36, Private,52327, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, Iran +<=50K,22, Private,218886, 12th,8, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,84119, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,189674, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, Private,222993, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,54, United-States +>50K,29, Private,47429, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,144995, Preschool,1, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,45, Private,187969, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,33, Private,288398, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,114591, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,167737, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Local-gov,248834, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,30, Private,165686, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,40200, Some-college,10, Widowed, Craft-repair, Not-in-family, Black, Male,0,0,35, United-States +>50K,43, Self-emp-inc,117158, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,47, Local-gov,216657, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,61, Private,124242, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, India +<=50K,39, Local-gov,239119, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, Dominican-Republic +<=50K,47, Private,190072, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,19, Private,378114, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,37, Private,236990, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, United-States +<=50K,31, Private,101761, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +<=50K,69, Self-emp-not-inc,37745, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,22, ?,424494, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,29, Private,130438, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,100605, Some-college,10, Never-married, Machine-op-inspct, Own-child, Other, Male,0,0,14, United-States +<=50K,42, Private,220776, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, Poland +>50K,30, Local-gov,154950, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,28, Private,192283, Masters,14, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,80, United-States +<=50K,27, Private,210765, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,147476, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, State-gov,193241, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1651,40, United-States +<=50K,22, Private,109053, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,265618, HS-grad,9, Separated, Protective-serv, Own-child, Black, Male,0,0,40, United-States +>50K,38, Local-gov,172855, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1887,40, United-States +<=50K,27, Private,68848, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,229051, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,37, United-States +<=50K,27, Private,106039, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,25, Private,112835, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, ?,205396, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,32, Private,283400, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,195739, 10th,6, Widowed, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,50, Private,36480, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,303291, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,34, Private,293900, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,55, United-States +<=50K,57, Self-emp-not-inc,165922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,65738, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,49, Private,175070, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,339814, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,26, Private,150132, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,31, Private,377374, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, Japan +<=50K,60, Self-emp-not-inc,166153, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Private,110171, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,26, Private,94477, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,55, United-States +<=50K,27, Private,194243, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,106347, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,59, Private,214865, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,19, ?,185619, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,96445, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,22, Private,102632, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,209034, Assoc-acdm,12, Married-civ-spouse, Sales, Own-child, White, Female,0,0,20, United-States +>50K,53, State-gov,153486, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,43, Private,144371, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,42, United-States +>50K,24, Private,186213, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,188236, 10th,6, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,418405, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,125796, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,183304, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,34, Private,329587, 10th,6, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Local-gov,182570, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,446654, 9th,5, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,34, Self-emp-not-inc,254304, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508,0,90, United-States +>50K,53, Local-gov,131258, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,103632, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,241895, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,244945, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,20795, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,347322, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Local-gov,103995, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,54, United-States +>50K,32, Private,53206, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, ?,387839, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,57108, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,16, United-States +<=50K,62, Private,177791, 10th,6, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,33794, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,249935, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,73, Self-emp-not-inc,241121, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,64, Private,98586, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,26, Private,181920, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,23, Private,434467, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,30, Private,113364, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Vietnam +<=50K,51, Private,249706, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,95455, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +>50K,39, Private,209867, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,13550,0,45, United-States +>50K,35, Self-emp-inc,79586, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,41, Private,289669, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,347166, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,4650,0,40, United-States +>50K,40, Private,53835, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Local-gov,14878, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,31, Private,266126, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Self-emp-inc,146659, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Honduras +<=50K,42, Private,125280, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +<=50K,23, Private,173535, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,21, ?,77665, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +>50K,49, Private,280525, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,479621, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Local-gov,194630, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,4787,0,43, United-States +<=50K,36, Private,247600, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,32, Private,258406, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,72, Mexico +<=50K,20, Private,107746, 11th,7, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, Guatemala +<=50K,17, ?,47407, 11th,7, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,22, Private,229987, Some-college,10, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Female,0,0,32, United-States +<=50K,25, Private,312338, Assoc-voc,11, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,58, Private,225394, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,24, Private,373718, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +>50K,48, State-gov,120131, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,8614,0,40, United-States +<=50K,20, Private,472789, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, El-Salvador +>50K,60, Self-emp-not-inc,27886, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138352, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +>50K,52, Private,123011, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,36, Private,306567, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +>50K,46, Local-gov,187749, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,22, Private,260594, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,19, Private,236879, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +<=50K,37, Private,186808, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,30, Private,373213, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,187629, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +<=50K,63, ?,106648, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,22, Private,305781, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, Canada +<=50K,31, Self-emp-inc,256362, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3908,0,50, United-States +<=50K,17, Private,239947, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,349041, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,67, Private,105252, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,182715, 7th-8th,4, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,166210, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,20, Private,113200, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,6, United-States +<=50K,27, Private,142075, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,35, Private,454843, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,142219, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,112512, 12th,8, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +>50K,43, Private,212894, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,62, State-gov,265201, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,251905, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2339,40, Canada +<=50K,18, Private,170627, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,59, Private,354037, Prof-school,15, Married-civ-spouse, Transport-moving, Husband, Black, Male,15024,0,50, United-States +<=50K,37, Private,259089, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,21856, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Local-gov,207946, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,29, Private,77009, 11th,7, Separated, Sales, Not-in-family, White, Female,0,2754,42, United-States +>50K,33, Private,36539, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,62, Private,176811, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,456062, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,28, Private,277746, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,288132, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,46, Federal-gov,344415, Masters,14, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,1887,40, United-States +>50K,54, Self-emp-inc,206964, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,34, Private,198091, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +>50K,67, ?,150264, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,20, Canada +>50K,62, Private,588484, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,30, Private,113364, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Poland +<=50K,19, Private,270551, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,49, ?,31478, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +<=50K,27, Private,190525, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +>50K,36, Private,153066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,52, Private,150393, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,99911, 12th,8, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,57, Local-gov,343447, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,169482, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,56, ?,32855, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,194501, 11th,7, Widowed, Other-service, Own-child, White, Female,0,0,47, United-States +>50K,53, Private,177705, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,31, Private,123983, Some-college,10, Separated, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +>50K,41, Private,138975, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,45, Local-gov,235431, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, ?,83043, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2179,45, United-States +<=50K,45, State-gov,130206, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,210053, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,39, Local-gov,249392, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,87418, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,190387, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,54, Private,176240, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,60, United-States +<=50K,22, ?,211013, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, Mexico +<=50K,40, Local-gov,105862, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,40, United-States +>50K,55, Self-emp-not-inc,185195, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,173495, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,78634, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,31, Private,147284, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,99, United-States +<=50K,46, Self-emp-not-inc,82572, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,154641, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,39236, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,594,0,25, United-States +<=50K,17, ?,64785, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,48, Self-emp-not-inc,179337, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, England +<=50K,73, Private,173047, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +>50K,25, Private,264012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,53, Federal-gov,227836, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,321327, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,45, United-States +>50K,45, Self-emp-inc,108100, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,99999,0,25, ? +<=50K,37, Private,146398, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,324120, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,367329, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, State-gov,301582, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,75, ?,222789, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,6, United-States +>50K,58, Private,170108, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,82297, 7th-8th,4, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,62, Local-gov,180162, 9th,5, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,24, United-States +>50K,45, Local-gov,348172, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,7298,0,40, United-States +>50K,38, Private,809585, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,67728, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,70, ?,163057, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2009,0,40, United-States +<=50K,42, Self-emp-not-inc,102069, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,47, Local-gov,149700, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +<=50K,42, Self-emp-not-inc,109273, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,43, Private,393354, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,38, United-States +>50K,37, Private,226947, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, State-gov,86805, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,39, United-States +<=50K,27, Private,493689, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, France +<=50K,54, Private,299324, 5th-6th,3, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +>50K,48, Self-emp-not-inc,353012, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,29, Private,174419, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,29, Private,209472, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,37, Private,295127, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,47, United-States +<=50K,55, Self-emp-inc,182273, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,228200, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,20, United-States +<=50K,51, Private,263836, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,178948, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,41, Private,43945, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,64, Self-emp-not-inc,253296, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,240137, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,49, Private,24712, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,38, Self-emp-not-inc,342635, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,62, Private,115387, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,182998, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,70, ?,133248, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +<=50K,45, Self-emp-not-inc,246891, Masters,14, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,30035, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,175232, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,50, Self-emp-inc,140516, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,64980, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,55, United-States +<=50K,30, Private,155781, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,52, Federal-gov,192065, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,227890, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,162249, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,165949, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,445382, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,211948, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,1590,40, United-States +>50K,53, Private,163678, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,89413, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,289700, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +>50K,51, Private,163826, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,185385, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,169031, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,54611, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,130620, 11th,7, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, India +<=50K,26, Private,328663, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, United-States +<=50K,50, Private,169646, Bachelors,13, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,186815, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,103925, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,53, ?,150393, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,1504,35, United-States +<=50K,20, Private,82777, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,16, United-States +>50K,31, Local-gov,178449, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,51672, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,46, Private,380162, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,212114, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,8, United-States +>50K,41, Self-emp-not-inc,100800, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,70, United-States +>50K,30, Private,162572, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,66, Self-emp-inc,179951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,37, Self-emp-inc,190759, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,74, State-gov,236012, 7th-8th,4, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,20, United-States +>50K,46, State-gov,164023, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,70, United-States +>50K,51, Private,172046, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,33, Private,182926, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,151001, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, Mexico +>50K,47, Self-emp-inc,362835, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,97883, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,91911, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Female,0,0,48, United-States +<=50K,24, Private,278130, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,146310, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,379412, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,37987, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,46, Self-emp-inc,256909, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3325,0,45, United-States +<=50K,37, State-gov,482927, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,65, United-States +>50K,48, State-gov,44434, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,61, United-States +<=50K,25, Private,255474, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,303674, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,3103,0,20, United-States +<=50K,44, ?,195488, 12th,8, Separated, ?, Not-in-family, White, Female,0,0,36, Puerto-Rico +<=50K,58, ?,114362, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +<=50K,27, Private,341504, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Private,197080, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Male,0,0,8, United-States +>50K,38, Private,102945, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,47, Private,503454, 12th,8, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,87561, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,46, Private,270693, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,3674,0,30, United-States +<=50K,27, Private,252813, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, Private,574271, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,18, Private,184016, HS-grad,9, Married-civ-spouse, Priv-house-serv, Not-in-family, White, Female,3103,0,40, United-States +>50K,24, Private,235071, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,158242, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,299810, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,277695, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Hong +<=50K,28, Private,23324, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Local-gov,316582, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,38, Self-emp-not-inc,176657, Some-college,10, Separated, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,60, Japan +>50K,42, Private,93770, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,31, Private,124569, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,117313, 9th,5, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Ireland +<=50K,53, Private,53812, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,54, United-States +<=50K,21, Private,170456, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,48, Self-emp-not-inc,115971, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Private,31432, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103,0,52, United-States +<=50K,30, Private,112383, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,283092, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, Jamaica +<=50K,32, Private,27207, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,46712, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, State-gov,19520, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,56, Private,98630, 7th-8th,4, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,159897, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,37, United-States +<=50K,38, Private,136629, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Iran +<=50K,19, Private,407759, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,221884, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,148475, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,274964, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,50, Self-emp-inc,160107, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,43, Private,167265, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,34, Private,148226, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,48, United-States +<=50K,28, Private,153869, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,208881, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,256953, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,44, United-States +>50K,26, Private,100147, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +>50K,51, Local-gov,166461, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,171327, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,297335, Assoc-acdm,12, Married-spouse-absent, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,31, Laos +<=50K,63, ?,133166, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,31, Private,169589, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Local-gov,273734, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,67, Private,158301, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, ?,257117, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,196725, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +>50K,31, Private,137444, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,286960, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,41, Local-gov,201435, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,216931, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,44, Local-gov,212665, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,99, United-States +<=50K,24, Private,462820, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,198841, Assoc-voc,11, Divorced, Tech-support, Own-child, White, Male,0,0,35, United-States +>50K,61, Private,219886, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,163003, Assoc-acdm,12, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,44, Private,112262, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,5178,0,40, United-States +>50K,56, Private,213105, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,66, Private,302072, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,338105, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,69, Self-emp-not-inc,58213, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,45, United-States +<=50K,64, Private,125684, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,215419, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +<=50K,43, Local-gov,413760, Some-college,10, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,205339, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +<=50K,19, Private,236570, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,59, Self-emp-not-inc,247552, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Federal-gov,184007, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, Private,341187, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,56, Private,220187, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,198258, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,175821, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,34, United-States +<=50K,42, Private,92288, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,34, Private,261418, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,203319, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,68, Self-emp-not-inc,166083, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,109001, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,81, ?,106765, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,4, United-States +<=50K,22, Self-emp-not-inc,197387, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,284834, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,87535, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,17, Local-gov,175587, 11th,7, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +>50K,25, Private,242700, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,10520,0,50, United-States +<=50K,23, Private,161478, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,23, United-States +<=50K,25, Private,51498, 12th,8, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Private,220124, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,188503, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,44, Private,113324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,208872, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,34180, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,292023, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,34, Private,141118, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Private,348592, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,185203, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,52, Self-emp-not-inc,165278, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,116933, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,33, United-States +>50K,38, Private,237608, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,2444,45, United-States +<=50K,35, Private,84787, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,67, Self-emp-not-inc,217892, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605,0,35, United-States +>50K,60, Private,325971, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,44, Private,206878, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,15, United-States +<=50K,38, Self-emp-not-inc,127772, HS-grad,9, Divorced, Farming-fishing, Own-child, White, Male,0,0,50, United-States +>50K,29, Private,208577, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,65, Private,344152, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5556,0,50, United-States +<=50K,33, Private,40681, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, ?,95108, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,280603, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,43, Private,188436, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,134220, Assoc-voc,11, Divorced, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,42, Private,177989, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,164190, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,36, Private,90897, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,41, State-gov,33126, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,270886, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,216129, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,33, Private,189368, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,19, ?,141418, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,19, Private,306225, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,35, Private,330664, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,191765, HS-grad,9, Divorced, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,45, Private,289353, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,24, United-States +<=50K,25, Private,53147, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,122353, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,188767, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,239576, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,10, United-States +>50K,52, Local-gov,155141, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,64520, 12th,8, Never-married, Transport-moving, Unmarried, White, Male,0,0,30, United-States +<=50K,23, Private,478994, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,155654, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,124052, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,39, Private,245053, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,183585, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,323639, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,55, Federal-gov,186791, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,284303, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,40, United-States +<=50K,23, Private,186666, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,200153, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,180931, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,30, United-States +>50K,51, Self-emp-not-inc,183173, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,120131, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Cuba +<=50K,25, Self-emp-not-inc,263300, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,226443, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,404868, 11th,7, Never-married, Sales, Own-child, Black, Female,0,1602,20, United-States +<=50K,19, Private,208506, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,28, United-States +<=50K,32, Private,46746, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,49, Private,246183, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, ?,165309, 7th-8th,4, Separated, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,43, Private,122749, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,71, Self-emp-inc,38822, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,59, Private,167963, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,32, Private,273241, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,120238, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,167990, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Ireland +<=50K,17, Private,225507, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,15, United-States +>50K,57, Self-emp-inc,125000, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,17, Self-emp-not-inc,174120, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,27, Private,230959, Bachelors,13, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,41, Local-gov,132125, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,62, ?,68461, Doctorate,16, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,227178, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Private,165798, 5th-6th,3, Divorced, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +>50K,39, Private,129573, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,224377, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,179481, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,434268, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,40, Self-emp-not-inc,173716, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,38, Self-emp-inc,244803, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1485,60, Cuba +<=50K,24, Private,114230, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,188661, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,216093, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Private,124963, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,85341, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,193490, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,80058, Prof-school,15, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,41, Private,139907, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,51, Self-emp-inc,54342, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,60, United-States +<=50K,25, Private,188767, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,117222, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,61, Self-emp-inc,171831, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,2829,0,45, United-States +<=50K,35, Private,187119, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,42, Local-gov,97277, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,219760, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,16, United-States +<=50K,46, Private,63299, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,39, State-gov,171482, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,344742, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,210869, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,80, United-States +>50K,39, Private,38312, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,119939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,83953, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,43, State-gov,101383, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,204374, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,176831, 10th,6, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,19, ?,60688, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +>50K,44, Federal-gov,251305, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,200947, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,46704, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,119721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,58930, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,247750, HS-grad,9, Widowed, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,48, Private,67725, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, State-gov,200775, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,183542, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,20, ?,25139, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,51, Local-gov,123325, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,269786, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,36, Private,51089, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,136985, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,129350, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,34, ?,35595, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,36, Local-gov,61299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,192321, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,80, United-States +<=50K,31, Private,257644, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,44, Self-emp-not-inc,70884, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Local-gov,159726, 11th,7, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,174395, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,64, Federal-gov,175534, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,54, Local-gov,173050, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,27, Private,32519, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,55, South +<=50K,18, Private,322999, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,68, Private,148874, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,44, United-States +>50K,64, Private,43738, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,36, Private,195385, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,21, Private,149809, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,22, Private,51985, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,61, Private,105384, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,137591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,10, Greece +>50K,49, State-gov,324791, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,184303, Some-college,10, Separated, Priv-house-serv, Other-relative, White, Female,0,0,30, El-Salvador +<=50K,66, ?,314347, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,274010, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,321031, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,57, Federal-gov,313929, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,41, Private,394669, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1741,40, United-States +>50K,29, Private,152951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,247115, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,47, Private,175958, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,109039, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,59, Self-emp-inc,141326, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,42, State-gov,74334, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,47462, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Federal-gov,182344, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,25, State-gov,295912, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,62, Private,311495, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,236746, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,10520,0,45, United-States +<=50K,21, Private,187643, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,60, Private,282923, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,46, Private,501671, 10th,6, Divorced, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,44, Federal-gov,29591, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,2258,40, United-States +<=50K,21, Private,301556, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,18, Private,187240, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,18, United-States +<=50K,39, Private,219483, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013,0,32, United-States +>50K,33, Private,594187, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,200474, 1st-4th,2, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Local-gov,152795, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,17, Private,230789, 9th,5, Never-married, Sales, Own-child, Black, Male,0,0,22, United-States +>50K,45, Self-emp-inc,311231, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,50, United-States +<=50K,31, Private,114691, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,194591, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,31, Private,114691, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,42017, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Local-gov,383384, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,29444, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,42, Federal-gov,53727, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, ? +<=50K,38, Private,277022, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Columbia +>50K,43, Local-gov,113324, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,342709, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,179203, 12th,8, Never-married, Sales, Other-relative, White, Male,0,0,55, United-States +>50K,46, Private,251474, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,93730, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,37894, HS-grad,9, Separated, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,18, State-gov,272918, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,15, United-States +>50K,53, Private,151411, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,40, Private,210648, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,36, Self-emp-not-inc,347491, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,32, Private,255885, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,39, Private,356838, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +<=50K,46, Private,216164, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,288781, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, Private,439779, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,161638, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Ecuador +<=50K,28, Private,190525, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,25, Local-gov,276249, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,44, Private,147265, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,245090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Nicaragua +<=50K,42, State-gov,219682, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,392100, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,358682, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,50, ? +>50K,47, Private,262244, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,60, United-States +<=50K,46, Private,171228, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3411,0,35, Guatemala +<=50K,21, Local-gov,218445, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,19, ?,182609, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +<=50K,35, Private,509462, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,213258, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,118401, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,67, Self-emp-not-inc,45814, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,54, Private,329733, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,29957, Masters,14, Never-married, Tech-support, Other-relative, White, Male,0,0,25, United-States +<=50K,51, Private,215854, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,327766, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,27, Private,405765, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,39, Private,80680, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,177792, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,52, Private,273514, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202373, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,27, Local-gov,332785, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,38, United-States +<=50K,46, Private,149640, 7th-8th,4, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Private,40151, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,79, Self-emp-inc,183686, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,50, Federal-gov,32801, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,19, ?,195282, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,43, Federal-gov,134026, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,2174,0,40, United-States +<=50K,51, Local-gov,96678, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,45, Private,174533, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,65, Private,180807, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,991,0,20, United-States +>50K,66, Private,186324, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,5, United-States +<=50K,36, Self-emp-not-inc,257250, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,26, Private,212800, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,28, Private,55360, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,50, United-States +>50K,39, Self-emp-not-inc,195253, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,45156, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,435469, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +<=50K,29, Private,231287, Some-college,10, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +>50K,32, Private,168854, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,50, United-States +<=50K,44, Self-emp-not-inc,185057, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,3325,0,40, United-States +<=50K,18, ?,91670, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,60, Private,165517, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,34, Private,73161, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,178792, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,32897, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,250967, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,41901, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1408,40, United-States +<=50K,49, Private,379779, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,217838, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +>50K,37, Self-emp-not-inc,137527, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,2559,60, United-States +>50K,43, Private,198965, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,70645, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,4650,0,55, United-States +<=50K,37, Private,220644, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, ? +<=50K,19, Private,175081, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +<=50K,29, Private,180299, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,40, Self-emp-not-inc,548664, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +>50K,53, Private,278114, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,394927, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,44, Self-emp-not-inc,127482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, England +<=50K,29, Private,236938, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,232991, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +<=50K,38, Private,34378, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Self-emp-inc,81513, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,106780, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,50, Private,178596, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,1408,50, United-States +>50K,37, Private,329026, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,26490, Bachelors,13, Widowed, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,50, Private,338033, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,74, ?,169303, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,6767,0,6, United-States +<=50K,24, Private,21154, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,34, Private,209449, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,389143, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,101260, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,198270, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,45781, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,134566, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,283806, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,68, ?,286869, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,1668,40, ? +>50K,46, Private,422813, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,103277, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,18, Private,201871, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,50, Self-emp-not-inc,167728, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,211517, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,118212, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,259846, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,3471,0,40, United-States +<=50K,57, Private,98926, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,16, United-States +>50K,27, Private,207352, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,31, Private,206609, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,104509, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,170350, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Private,183884, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,110964, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1672,38, United-States +<=50K,35, State-gov,154410, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,63, ?,257659, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,3, United-States +<=50K,28, Private,274679, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,252662, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,356689, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,205218, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,35, Private,241306, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,139127, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,175625, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,206459, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,176123, 10th,6, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,41, Private,111483, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,106118, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,18, Private,77845, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,1602,15, United-States +<=50K,19, Private,162094, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,216469, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1579,50, United-States +>50K,56, Local-gov,381965, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,28, Private,145284, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,29, Private,242482, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,35, Self-emp-not-inc,160192, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, ?,280699, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,175942, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,55, ? +<=50K,18, Private,156950, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,53, Private,215572, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,173593, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, Canada +>50K,55, Private,193374, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,334039, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,337664, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,113504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,177072, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,174503, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,214807, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,37, United-States +>50K,41, Private,222596, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,23, Private,100345, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,22, Private,409230, 12th,8, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,112497, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,40, United-States +>50K,65, Self-emp-inc,115922, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,59, ?,375049, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,41, United-States +<=50K,25, Private,243560, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, Columbia +>50K,33, Local-gov,182971, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,127215, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,276241, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, State-gov,175109, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,498079, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Federal-gov,344394, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,34, Private,99872, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103,0,40, India +<=50K,23, Private,245302, Some-college,10, Divorced, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,63, Private,43313, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,188467, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,351278, Bachelors,13, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,31, Private,182246, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,79870, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Female,2597,0,40, Japan +>50K,48, ?,353824, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,31, Private,387116, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,36, Jamaica +>50K,47, Private,34248, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, State-gov,198741, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,32950, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,381153, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,100067, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +>50K,34, Private,208785, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,61559, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,176452, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Peru +<=50K,41, ?,128700, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,328518, Assoc-voc,11, Never-married, Prof-specialty, Other-relative, White, Male,0,0,30, United-States +<=50K,30, ?,201196, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,378546, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Local-gov,212210, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, ? +<=50K,59, Federal-gov,178660, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,235826, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,35, Self-emp-not-inc,22641, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,59, Private,316027, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, Cuba +>50K,47, Private,431515, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,149770, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,42, Private,165916, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,29, Federal-gov,107411, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,217961, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,45, Outlying-US(Guam-USVI-etc) +<=50K,43, Self-emp-not-inc,350387, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,325372, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,156718, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,216472, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,29, State-gov,106972, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,131934, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,33, Local-gov,365908, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,2105,0,40, United-States +<=50K,46, Local-gov,359193, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,35, Private,261012, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, Private,272944, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,25, Private,113654, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,37, United-States +<=50K,35, Private,218955, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,115963, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,42, United-States +>50K,39, Private,80638, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,84, United-States +<=50K,37, Private,147258, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,214635, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,25, Private,200318, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,138270, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +>50K,64, Federal-gov,388594, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, ? +<=50K,33, Private,103435, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,59, Self-emp-inc,133201, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Italy +<=50K,24, Private,175183, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,99870, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, ?,107479, 9th,5, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,60, Private,113440, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,19, Private,85690, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,30, United-States +<=50K,23, Private,45713, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,57, Self-emp-inc,376230, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +>50K,36, Private,145576, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1977,40, Japan +<=50K,17, ?,67808, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,113936, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,158291, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,27, Private,193898, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,191982, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,55, United-States +<=50K,21, ?,72953, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,271160, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,33087, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,106153, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,29444, 12th,8, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,37, Private,105021, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-not-inc,239045, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,94413, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Private,20534, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,84, United-States +<=50K,28, Private,350254, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +<=50K,68, Private,194746, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, Cuba +<=50K,36, Private,269042, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,20, Private,447488, 9th,5, Never-married, Other-service, Unmarried, White, Male,0,0,30, Mexico +<=50K,24, Private,267706, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,45, United-States +<=50K,38, Private,198216, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,227931, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,252646, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,47, Private,223342, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,2174,0,40, England +<=50K,28, Private,181776, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Private,132601, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,205410, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,64, Self-emp-inc,185912, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,38, Private,292570, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,50, United-States +<=50K,43, Private,76460, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,295163, 12th,8, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,27255, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, ? +<=50K,23, Private,69847, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,25, Private,104993, 9th,5, Never-married, Handlers-cleaners, Own-child, Black, Male,2907,0,40, United-States +<=50K,41, Private,322980, HS-grad,9, Separated, Adm-clerical, Not-in-family, Black, Male,2354,0,40, United-States +<=50K,24, ?,390608, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,41, Private,317539, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,195678, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,466502, 7th-8th,4, Widowed, Other-service, Unmarried, White, Male,0,0,30, United-States +<=50K,28, Local-gov,220754, HS-grad,9, Separated, Transport-moving, Own-child, White, Female,0,0,25, United-States +<=50K,29, Private,202878, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2042,40, United-States +<=50K,36, Private,343476, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Self-emp-inc,93227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1977,60, Taiwan +<=50K,60, Self-emp-not-inc,38622, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, State-gov,173730, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,32, Private,178623, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, ? +>50K,27, Private,300783, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +<=50K,60, Private,224644, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,191502, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,61885, 12th,8, Divorced, Transport-moving, Other-relative, Black, Male,0,0,35, United-States +>50K,34, Self-emp-not-inc,213887, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, Canada +<=50K,36, Private,331395, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,54, Private,145098, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,48, Private,123075, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,216804, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,33, United-States +>50K,40, Private,188291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,33610, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,234901, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,349148, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,168443, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,211860, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,24, United-States +>50K,35, Private,193961, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,36, Local-gov,52532, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +>50K,59, Self-emp-not-inc,75804, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,33, Self-emp-not-inc,176185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,306779, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,48, Private,265192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,54, Private,139347, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,107682, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,37, Private,34173, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,128378, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,195638, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,59287, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Self-emp-not-inc,162442, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, ?,350603, 10th,6, Never-married, ?, Own-child, White, Female,0,0,38, United-States +>50K,39, Private,344743, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0,0,50, United-States +<=50K,35, Private,112077, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,40, United-States +>50K,26, Private,176795, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,51, Private,137815, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,31, Private,309620, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,6, South +>50K,39, Private,336880, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,206600, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,30, Mexico +<=50K,25, Private,193051, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +>50K,61, Federal-gov,229062, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,49, Private,62793, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,264939, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,52, Private,370552, Preschool,1, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, El-Salvador +<=50K,52, Private,163678, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,74, ?,89667, Bachelors,13, Widowed, ?, Not-in-family, Other, Female,0,0,35, United-States +<=50K,50, Private,558490, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,29, Private,124680, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,13550,0,35, United-States +<=50K,76, Private,208843, 7th-8th,4, Widowed, Protective-serv, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,95078, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,169679, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,101320, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,168906, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,212582, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,66, ?,170617, Masters,14, Widowed, ?, Not-in-family, White, Male,0,0,6, United-States +<=50K,63, ?,170529, Bachelors,13, Married-civ-spouse, ?, Wife, Black, Female,0,0,45, United-States +<=50K,27, Private,99897, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,104892, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829,0,40, United-States +<=50K,43, Private,175224, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, Nicaragua +<=50K,23, Private,149704, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Federal-gov,214542, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,167319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,43716, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, United-States +<=50K,28, Private,191935, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,70, ?,158642, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2993,0,20, United-States +<=50K,35, Private,338611, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,136419, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,75, United-States +<=50K,17, Private,72321, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,12, United-States +>50K,41, Local-gov,189956, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,44, Private,403782, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, Private,456661, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,279041, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,65716, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,189809, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,52, Jamaica +<=50K,62, Local-gov,223637, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,27, Local-gov,199343, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,59, Private,139344, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,119098, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,195025, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,28, Private,186720, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,28, Private,328923, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,38, United-States +<=50K,59, State-gov,159472, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,138662, Some-college,10, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,54, Local-gov,286342, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,39, Private,181705, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,193882, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,216497, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +>50K,32, Self-emp-inc,124919, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,50, Iran +<=50K,62, Private,109463, Some-college,10, Separated, Sales, Unmarried, White, Female,0,1617,33, United-States +<=50K,58, Private,256274, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,326379, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, ?,174995, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,2457,40, United-States +<=50K,31, Private,243142, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,51, Local-gov,155118, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,70, United-States +<=50K,54, Private,189607, Bachelors,13, Never-married, Other-service, Own-child, Black, Female,0,0,36, United-States +<=50K,20, Private,39478, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,70, United-States +>50K,35, Private,206951, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,127647, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,36, United-States +<=50K,38, Private,234298, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,6849,0,60, United-States +<=50K,42, Private,182302, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,166597, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,28, Self-emp-not-inc,33363, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,74, Self-emp-inc,167537, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,179378, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,50, State-gov,297551, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,50, Private,198362, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,240504, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,169662, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, ?,164940, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,25, United-States +>50K,61, Private,210488, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,154835, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,27, Private,333296, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,30, ? +>50K,47, Private,192793, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,39, Private,49436, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,1380,40, United-States +<=50K,33, Private,136331, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,509048, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,37, United-States +<=50K,38, Private,318610, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,104521, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,247695, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,219546, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, Germany +<=50K,21, Private,169699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, State-gov,131302, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,44, United-States +<=50K,50, Private,171852, Bachelors,13, Separated, Prof-specialty, Own-child, Other, Female,0,0,40, United-States +>50K,36, State-gov,340091, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,20, Private,204641, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,49, Private,213431, HS-grad,9, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,40, State-gov,377018, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,184543, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, ?,188236, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,233022, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,177420, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,21101, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,17, Private,52486, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +>50K,43, Private,183273, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,32, United-States +>50K,49, State-gov,36177, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,41, Private,124956, Bachelors,13, Separated, Prof-specialty, Not-in-family, Black, Female,99999,0,60, United-States +<=50K,38, Private,102350, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,165930, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,297574, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,40, Private,120277, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,87569, Some-college,10, Separated, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,278220, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,40, United-States +>50K,40, Private,155972, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,46, State-gov,162852, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,64860, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,22, United-States +>50K,36, Private,226013, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5178,0,40, United-States +<=50K,24, Private,322674, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +<=50K,62, Private,202242, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,54, Private,175262, Preschool,1, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,23, Private,201682, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,60, Private,166330, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,18, Self-emp-inc,147612, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,8, United-States +<=50K,41, Local-gov,213154, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,45, Local-gov,33798, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, State-gov,199198, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,90915, Bachelors,13, Married-spouse-absent, Tech-support, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Self-emp-inc,337778, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Yugoslavia +<=50K,31, Private,187203, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,44, Private,261497, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, ? +<=50K,33, Self-emp-not-inc,361817, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,226546, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +<=50K,27, Private,100168, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,42, Federal-gov,272625, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,254516, 9th,5, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,37, United-States +<=50K,41, Private,207375, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,39092, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064,0,50, United-States +>50K,45, Private,48271, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,152102, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,25, Private,234665, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,30, Self-emp-inc,127651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,48, United-States +<=50K,22, Private,180060, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,32477, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,137658, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,61, Private,228287, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,159442, Prof-school,15, Never-married, Sales, Not-in-family, White, Female,13550,0,50, United-States +<=50K,43, Private,33310, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,270546, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,20, United-States +<=50K,53, Federal-gov,290290, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Self-emp-inc,287037, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +>50K,36, Private,128516, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,185195, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +>50K,35, Federal-gov,49657, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,17, Private,98005, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,55, Self-emp-not-inc,283635, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,36, Private,98360, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,202872, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,118365, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,10, United-States +<=50K,45, Self-emp-not-inc,184285, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,48, Private,345831, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,99679, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,253354, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,190650, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +>50K,34, Private,287737, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +<=50K,19, Private,204389, HS-grad,9, Never-married, Adm-clerical, Own-child, Other, Female,0,0,25, Puerto-Rico +<=50K,31, Federal-gov,294870, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,159442, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,55, Local-gov,161662, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,52738, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,252024, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, Mexico +<=50K,27, Private,189702, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,407913, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,166527, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Female,0,0,20, United-States +<=50K,24, Self-emp-not-inc,34918, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,27, Private,142712, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, ? +<=50K,18, Federal-gov,201686, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,4, United-States +<=50K,28, Local-gov,179759, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,94954, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,350498, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1258,20, United-States +<=50K,19, Private,201743, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,59, Self-emp-not-inc,119344, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, United-States +<=50K,33, Private,149726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,46, United-States +<=50K,28, Private,419146, 7th-8th,4, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,34, Private,174789, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,2001,40, United-States +<=50K,41, Private,171234, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,30, Private,206325, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,202682, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,121055, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,47, Private,160187, HS-grad,9, Separated, Prof-specialty, Other-relative, Black, Female,14084,0,38, United-States +<=50K,29, Private,84366, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +>50K,60, Private,139391, Some-college,10, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Local-gov,124094, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,35, United-States +<=50K,41, Private,30759, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,137875, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +>50K,73, ?,139049, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,22, United-States +<=50K,20, Private,238384, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,49, Private,340755, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,224947, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,33, State-gov,111994, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,25, Private,125491, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,34, United-States +<=50K,34, ?,310525, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,10, United-States +<=50K,19, ?,71592, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,40, Local-gov,99185, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,249935, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,51, Private,206775, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,230704, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, Jamaica +<=50K,34, Private,242361, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,50, United-States +<=50K,22, Private,134746, 10th,6, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,198613, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,40, United-States +<=50K,56, Private,174040, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,165953, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,36, Private,273604, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,192409, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,26, Self-emp-not-inc,102476, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,48, Private,234504, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,468713, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,84560, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,148995, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,34816, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,12, United-States +<=50K,28, Private,211184, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,53, Private,33304, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Federal-gov,179985, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,219815, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,134766, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,26, Private,106548, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,70, Private,89787, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,55, Private,164857, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,257124, Bachelors,13, Never-married, Transport-moving, Other-relative, White, Male,0,0,35, United-States +>50K,31, Private,227446, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +>50K,43, Private,125461, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,24, Private,189749, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,176321, 7th-8th,4, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,26, Private,284250, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,101885, 10th,6, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,134130, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,260938, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,238184, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,148626, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,48102, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,50, United-States +>50K,58, Private,234213, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,14344,0,48, United-States +>50K,65, Private,113323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,34246, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,51, Private,175070, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,45, United-States +<=50K,31, Private,279680, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,84, Private,188328, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,51, Private,96609, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,84257, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,275632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,385540, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Mexico +<=50K,30, Private,196342, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Ireland +<=50K,47, Private,97176, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,197714, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,43, Self-emp-not-inc,147099, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,36, United-States +<=50K,30, Private,186346, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,73434, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,49, Local-gov,275074, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,209214, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,42, Private,210525, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,372020, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,50, United-States +<=50K,46, Private,176684, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,210474, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,26, Private,293690, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,64, Private,149775, Masters,14, Never-married, Prof-specialty, Other-relative, White, Female,0,0,8, United-States +<=50K,20, Private,323009, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +<=50K,31, Private,126950, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,172538, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +<=50K,44, Private,115411, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,101709, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,2885,0,40, United-States +<=50K,23, Private,265356, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,31, Local-gov,192565, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,90, United-States +<=50K,35, Self-emp-not-inc,348771, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,30, Self-emp-not-inc,148959, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,35, Private,126569, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,40, Private,105936, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,18, Private,188076, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,184400, 10th,6, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,30, ? +<=50K,63, Private,124242, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,20, State-gov,200819, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,100480, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,129513, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,53, Self-emp-not-inc,297796, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,195488, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,54, Private,153486, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,56, United-States +>50K,40, Private,126845, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,206974, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,412149, 10th,6, Never-married, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,24, Private,653574, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, El-Salvador +<=50K,37, Private,70562, 1st-4th,2, Never-married, Other-service, Unmarried, White, Female,0,0,48, El-Salvador +<=50K,62, Private,197514, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,16, United-States +<=50K,19, ?,309284, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,334679, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,65, Private,105116, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,2346,0,40, United-States +<=50K,31, Private,151484, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +>50K,42, Self-emp-inc,78765, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,90, United-States +<=50K,42, Private,98427, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +<=50K,54, Private,230767, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +<=50K,23, Private,117606, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,60, United-States +<=50K,28, Private,68642, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,46, United-States +<=50K,42, Private,341638, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,65920, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Federal-gov,188246, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,198727, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,160728, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,2977,0,40, United-States +<=50K,27, Private,706026, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,348148, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,62, Private,77884, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,17, Private,160758, 10th,6, Never-married, Sales, Other-relative, White, Male,0,0,30, United-States +>50K,58, Private,201112, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,55, United-States +>50K,69, Self-emp-inc,107850, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514,0,40, United-States +>50K,34, Private,230246, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,34, Private,203034, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,2824,50, United-States +<=50K,20, Private,373935, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,64, Federal-gov,341695, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,119793, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, ? +>50K,41, Private,178002, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,233130, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +>50K,53, Local-gov,192982, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,44, Private,33155, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,187346, 5th-6th,3, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, Mexico +>50K,46, Private,78529, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,101626, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,117567, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,110791, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,49, State-gov,207120, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,43206, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,26, Private,120238, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,189219, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,35, State-gov,190895, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,83517, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,35557, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,36, Local-gov,59313, Some-college,10, Separated, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,202033, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Local-gov,55658, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,21, Private,118186, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,22, Private,279901, HS-grad,9, Married-civ-spouse, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,52, Private,110954, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, El-Salvador +<=50K,36, Self-emp-not-inc,90159, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,122489, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,1726,60, United-States +>50K,49, Self-emp-not-inc,43348, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,70, United-States +>50K,42, Private,34278, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,37778, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,39, Private,160623, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,342458, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,64322, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,373914, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,205884, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,62, Local-gov,208266, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,222450, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,348420, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,136081, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,40, United-States +<=50K,37, Federal-gov,197284, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,27, ?,204773, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,206066, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,61885, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,25, Private,299908, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,46028, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,47, Private,239865, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,45, United-States +<=50K,30, Private,154587, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,29, Private,244473, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,2051,40, United-States +>50K,36, Private,32334, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,42, Private,319588, Bachelors,13, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,226735, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,34, Private,226443, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,359259, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, Portugal +<=50K,27, Private,36851, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,41, United-States +<=50K,39, Private,393480, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,33109, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,32, Self-emp-not-inc,188246, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,1590,62, United-States +<=50K,31, Private,231569, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,50, United-States +<=50K,23, Private,353010, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,47, Private,102628, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,66, Private,262285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, United-States +<=50K,26, Private,160300, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,156953, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-inc,136823, 11th,7, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Self-emp-not-inc,160724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,37, Self-emp-inc,86459, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,17, Private,238628, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,5, United-States +>50K,50, Private,339954, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,222005, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,40, Mexico +<=50K,17, Federal-gov,99893, 11th,7, Never-married, Adm-clerical, Not-in-family, Black, Female,0,1602,40, United-States +<=50K,39, Private,214117, Some-college,10, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Federal-gov,298661, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,179488, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,48343, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,40, United-States +<=50K,28, Local-gov,100270, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,227065, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,32, United-States +<=50K,40, Private,126701, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,209131, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,32, State-gov,400132, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,278155, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,139012, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,2174,0,40, Vietnam +<=50K,41, Private,178431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +>50K,42, Private,511068, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,18, Private,199039, 12th,8, Never-married, Sales, Own-child, White, Male,594,0,14, United-States +>50K,29, Local-gov,190525, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,60, Germany +<=50K,36, Private,115700, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,167832, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,218164, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,44, United-States +>50K,48, State-gov,171926, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,36, Self-emp-inc,242080, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,67, Federal-gov,223257, HS-grad,9, Widowed, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,53, Private,386773, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,53, Self-emp-not-inc,105478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,40, United-States +>50K,45, Private,140644, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,205970, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,216583, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,61, Private,162432, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,83671, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Self-emp-inc,205100, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, Germany +<=50K,31, Private,195750, 1st-4th,2, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,220562, 9th,5, Never-married, Sales, Other-relative, Other, Female,0,0,32, Mexico +>50K,38, Self-emp-inc,312232, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,386337, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, ? +<=50K,42, Private,86185, Some-college,10, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,78, Private,105586, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,36, United-States +>50K,54, Private,103345, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,150553, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,50, United-States +>50K,30, Private,26009, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,46, Private,149388, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,151626, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,45, United-States +<=50K,30, Private,169583, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,66, Local-gov,174486, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,20051,0,35, Jamaica +<=50K,23, Private,160951, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,2597,0,40, United-States +<=50K,25, Private,213383, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,103078, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,109526, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,51, Private,142835, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,43475, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,190916, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,175987, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Local-gov,214385, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,26, Private,192652, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,41, Federal-gov,207685, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,143857, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,39, Private,163392, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,26, ? +>50K,51, Private,310774, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, ?,427965, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,27, Private,279608, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,33, Private,312881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,175083, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,67, ?,132057, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,20, United-States +>50K,41, Private,32878, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,29, Federal-gov,360527, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,99478, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,113035, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,21, Federal-gov,99199, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,36, United-States +>50K,24, Local-gov,452640, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,14344,0,50, United-States +<=50K,48, Private,236858, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,31, United-States +>50K,46, Self-emp-inc,201865, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,268661, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,35, Federal-gov,475324, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,117295, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,65704, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +<=50K,45, Private,192835, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,76720, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,39, Local-gov,180686, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,33, Local-gov,133876, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,123727, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Private,129956, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,25, Private,96268, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,317320, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,26, Private,86872, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, State-gov,100863, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,56, Private,164332, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +<=50K,49, Self-emp-not-inc,122584, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,34377, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,162030, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,33, Private,199170, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,470203, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,40, Private,266803, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, ?,188009, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, State-gov,513416, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, United-States +<=50K,44, Private,98211, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,196107, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,17, Private,108273, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +>50K,50, Private,213290, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,36, United-States +>50K,61, Private,96660, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,34, United-States +<=50K,22, Local-gov,412316, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,17, Private,120068, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +>50K,49, Self-emp-inc,101722, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,120268, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,19, State-gov,144429, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,17, Private,271122, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,38, Private,255621, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,90934, Assoc-voc,11, Divorced, Protective-serv, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,51, Private,162745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +>50K,48, Private,128460, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,63, Private,30813, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,164585, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,73, Private,148003, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,20051,0,36, United-States +<=50K,51, Private,215647, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,43, United-States +<=50K,38, Private,300975, Masters,14, Married-civ-spouse, Other-service, Husband, Black, Male,0,1485,40, ? +>50K,54, Private,421561, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,149909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +>50K,65, ?,240857, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2377,40, United-States +>50K,36, Self-emp-not-inc,138940, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +<=50K,42, Private,66755, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +>50K,38, Private,103323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,20, ?,117222, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,37, State-gov,29145, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, State-gov,184659, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,51, Self-emp-not-inc,20795, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,311376, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, State-gov,122660, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,137578, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +>50K,37, Private,193689, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,29, Private,144556, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,228696, 1st-4th,2, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,2603,32, Mexico +<=50K,60, Private,184183, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650,0,40, United-States +<=50K,22, Private,243178, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,22, ?,236330, Some-college,10, Never-married, ?, Own-child, Black, Male,0,1721,20, United-States +<=50K,60, State-gov,190682, Assoc-voc,11, Widowed, Other-service, Not-in-family, Black, Female,0,0,37, United-States +<=50K,35, Private,233786, 11th,7, Separated, Other-service, Unmarried, White, Male,0,0,20, United-States +<=50K,45, Private,102202, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,95299, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,43, Self-emp-inc,240504, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,32, State-gov,169973, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,144937, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,32, Private,211751, Assoc-voc,11, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,61, Private,84587, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,40, State-gov,150874, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,1506,0,40, United-States +<=50K,20, ?,187332, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,42, Self-emp-inc,188615, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,119704, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,21, Private,275190, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,417941, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, State-gov,196348, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,221955, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,47, Private,173938, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,51, Private,123429, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Male,0,0,30, United-States +<=50K,65, ?,143732, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,61, Private,203126, Bachelors,13, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,12, ? +<=50K,67, Private,174693, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,25, Nicaragua +<=50K,49, Private,357540, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +>50K,63, ?,29859, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1485,40, United-States +>50K,58, Private,314092, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,48, United-States +<=50K,61, Private,280088, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,257380, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,19, Private,165306, Some-college,10, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,29, Self-emp-not-inc,109001, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,43, Private,266439, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,60, Self-emp-not-inc,153356, HS-grad,9, Divorced, Sales, Not-in-family, Black, Male,2597,0,55, United-States +<=50K,21, Private,32950, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,182163, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,188246, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,36, Private,297335, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, China +<=50K,37, Private,108366, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,46, United-States +<=50K,35, Private,328301, Assoc-acdm,12, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,182158, 10th,6, Never-married, Priv-house-serv, Own-child, White, Male,0,0,30, United-States +>50K,37, Private,169426, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, ?,330571, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,45, United-States +>50K,28, Private,535978, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,29393, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,258883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,60, Hungary +<=50K,26, Private,369166, Some-college,10, Never-married, Farming-fishing, Other-relative, White, Female,0,0,65, United-States +<=50K,45, Local-gov,257855, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +>50K,32, Private,164197, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,63, Private,109517, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,22, Private,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +>50K,36, Private,160035, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, State-gov,50567, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,140011, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,27, State-gov,271328, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, ?,183083, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,47, Self-emp-not-inc,159869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,46, Private,102542, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,52, United-States +<=50K,28, Private,297742, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,176917, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,165235, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Thailand +<=50K,32, Self-emp-not-inc,52647, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Local-gov,48542, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,279232, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +>50K,58, State-gov,259929, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,45, Private,221780, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,76, Self-emp-not-inc,253408, Some-college,10, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,298841, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,321313, Masters,14, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,64875, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,275232, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,36, United-States +>50K,53, Self-emp-inc,134854, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +<=50K,41, Private,67339, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,27, State-gov,192355, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Local-gov,208528, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,35, Private,160120, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,36, Private,250238, 1st-4th,2, Never-married, Other-service, Other-relative, Other, Female,0,0,40, El-Salvador +>50K,51, Private,25031, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,10, United-States +<=50K,42, Local-gov,255847, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,26892, Bachelors,13, Married-AF-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,45, Private,111979, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,55, Private,408537, 9th,5, Divorced, Craft-repair, Unmarried, White, Female,99999,0,37, United-States +<=50K,36, Private,231037, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,57, Federal-gov,30030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,292120, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,62, Private,138253, Masters,14, Never-married, Handlers-cleaners, Not-in-family, White, Male,4650,0,40, United-States +<=50K,29, Private,190777, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Self-emp-not-inc,41591, Bachelors,13, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,29, Private,186733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, ?,78567, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,19, ?,140590, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,32, Local-gov,230912, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,40, United-States +<=50K,34, Private,176185, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1741,40, United-States +<=50K,25, Private,182227, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,34, Local-gov,205704, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,37, State-gov,24342, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,37, Private,138192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,334676, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,24, Private,177526, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,152696, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,35, Private,114765, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,265509, Assoc-voc,11, Separated, Tech-support, Unmarried, Black, Female,0,0,32, United-States +<=50K,29, Private,180758, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Self-emp-not-inc,127921, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,71, ?,177906, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,35, Federal-gov,182898, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,422249, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,222450, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,33, Local-gov,190027, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,18, United-States +>50K,49, Private,281647, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,117963, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,63, ?,319121, 11th,7, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,225504, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Local-gov,104334, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, El-Salvador +>50K,30, State-gov,48214, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,30, Private,145714, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,38240, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,27385, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,10, United-States +<=50K,56, Private,204254, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,45, United-States +<=50K,28, Private,411587, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Honduras +>50K,43, Private,221172, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,24, United-States +<=50K,46, Private,54190, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,60, Private,93997, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,50, Local-gov,24139, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,65, United-States +>50K,37, Private,112497, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,138907, HS-grad,9, Divorced, Priv-house-serv, Other-relative, Black, Female,0,0,40, United-States +>50K,38, Private,186325, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,23, Private,199452, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,126677, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,72, Private,107814, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,2329,0,60, United-States +<=50K,47, Local-gov,93618, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,33, United-States +<=50K,29, Private,353352, Assoc-voc,11, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Private,143058, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,239663, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,167615, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,442274, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,149210, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,55, Federal-gov,174533, Bachelors,13, Separated, Other-service, Unmarried, White, Female,0,0,72, ? +<=50K,40, State-gov,50093, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,61, Private,270056, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,58, Self-emp-not-inc,131991, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,72, United-States +<=50K,39, State-gov,126336, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,341117, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,25, Private,108505, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,69, ?,106566, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,74791, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Male,0,0,60, ? +>50K,34, Private,24266, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,45, Private,267967, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, ?,181284, 12th,8, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, United-States +<=50K,28, Private,102533, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,69757, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,41, State-gov,210094, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, State-gov,389147, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,30, United-States +>50K,44, Private,210648, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,94809, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,36, Local-gov,298717, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,236879, Preschool,1, Widowed, Priv-house-serv, Other-relative, White, Female,0,0,40, Guatemala +<=50K,33, Private,170148, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +>50K,39, Local-gov,166497, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,247156, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,204052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,122246, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,21, Private,180339, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +>50K,50, Self-emp-inc,155574, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +>50K,30, Private,114912, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,60, United-States +>50K,43, Private,193882, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,112269, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,171928, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,50, Japan +<=50K,50, Private,95435, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,65, Canada +>50K,45, Federal-gov,179638, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,125892, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,721712, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,56, Private,197369, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,25, Private,353795, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103,0,40, United-States +<=50K,47, Private,334679, Masters,14, Separated, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,42, India +<=50K,23, Private,235853, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-not-inc,353281, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,19, Private,203061, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,25, United-States +<=50K,33, Self-emp-not-inc,62932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,118551, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,80, United-States +<=50K,52, Private,99184, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,189674, Some-college,10, Separated, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,34, Private,226883, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, ?,109564, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,26, Self-emp-inc,66872, 12th,8, Married-civ-spouse, Sales, Husband, Other, Male,0,0,98, Dominican-Republic +<=50K,35, Local-gov,268292, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Federal-gov,139290, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,206541, 11th,7, Divorced, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,23, Private,203139, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,294398, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,386864, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,35, Mexico +<=50K,17, Private,369909, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,56, Private,89922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,45, United-States +<=50K,26, Private,176008, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, State-gov,241506, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,36, United-States +<=50K,45, Self-emp-not-inc,174426, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,34, Private,167497, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,50, United-States +<=50K,54, Private,292673, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,51, Local-gov,134808, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,95763, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,83622, Assoc-acdm,12, Separated, Adm-clerical, Not-in-family, White, Female,2597,0,40, United-States +<=50K,21, Private,222490, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,29115, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,66638, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,53926, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,43739, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,104359, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,124604, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,32, United-States +<=50K,45, Private,114797, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Federal-gov,67320, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Federal-gov,53147, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,13769, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,44, Private,202872, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, State-gov,149528, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +>50K,37, Private,132879, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,112362, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,38, United-States +>50K,56, Federal-gov,156229, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,44, Private,131650, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +>50K,30, Private,154568, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,36, Vietnam +<=50K,23, Private,132300, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,124747, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103,0,40, United-States +>50K,38, Private,276559, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,70, United-States +>50K,32, Private,106014, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,57, Self-emp-not-inc,135134, Masters,14, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +>50K,35, Private,86648, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,48, Self-emp-not-inc,107231, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,32, Local-gov,113838, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,99, United-States +<=50K,76, Federal-gov,25319, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,57, Local-gov,190561, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0,0,30, United-States +<=50K,58, ?,150031, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,48343, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,50, Private,211116, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,226311, HS-grad,9, Married-AF-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,53, Private,283743, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,40, United-States +<=50K,59, Self-emp-not-inc,64102, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,234663, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,247880, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,8614,0,40, United-States +<=50K,23, Private,615367, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,163090, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,192225, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,370183, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,242482, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,169953, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Local-gov,144182, Preschool,1, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +>50K,38, Private,125933, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,27828,0,45, United-States +<=50K,26, Private,203777, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,37, United-States +<=50K,39, Private,210991, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,472580, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,33, State-gov,200289, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,19, India +>50K,43, Private,289669, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,2547,40, United-States +<=50K,30, Private,110622, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +>50K,59, State-gov,139616, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,39212, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,51961, Some-college,10, Never-married, Tech-support, Own-child, Black, Male,0,0,24, United-States +<=50K,48, Self-emp-not-inc,117849, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,50748, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,1506,0,35, United-States +<=50K,41, Self-emp-not-inc,170214, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2179,40, United-States +<=50K,20, Private,151790, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,49, Private,168211, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,117651, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,18, Private,157131, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +>50K,61, Private,225970, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,177951, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,66, Private,134130, Bachelors,13, Widowed, Other-service, Not-in-family, White, Male,0,0,12, United-States +<=50K,68, Private,191581, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,3273,0,40, United-States +<=50K,27, Local-gov,199172, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,262552, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,7, United-States +<=50K,28, Private,66434, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,26, Private,77661, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, ?,230856, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,192835, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,62, ?,181014, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,200445, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,1974,40, United-States +<=50K,26, Self-emp-not-inc,37918, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,40, Private,111020, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,244665, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, Honduras +<=50K,52, Private,312477, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,243493, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,12, United-States +<=50K,39, State-gov,152023, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,104193, HS-grad,9, Never-married, Other-service, Own-child, White, Female,114,0,40, United-States +<=50K,47, Private,170850, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,137088, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Ecuador +<=50K,17, Private,340557, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,26, Private,298225, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,114150, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,194668, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +>50K,33, Private,188246, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,46, Federal-gov,330901, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,80165, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,48, Private,83444, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,29, Self-emp-not-inc,85572, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,5, United-States +<=50K,40, Private,116632, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,139989, Bachelors,13, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,55, Private,135803, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,1579,35, India +>50K,56, Private,75785, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,248612, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,28572, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Self-emp-not-inc,31143, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,37, Private,216924, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,36, Private,549174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,111296, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,50, Mexico +<=50K,25, Private,208881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,36, State-gov,243666, HS-grad,9, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,327164, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, ? +>50K,39, Self-emp-inc,131288, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,48, United-States +<=50K,35, Private,257416, Assoc-voc,11, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,33, Private,215288, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,31, Private,58582, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,46, United-States +<=50K,49, Private,199378, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,22, United-States +<=50K,34, Self-emp-not-inc,114185, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, ? +<=50K,40, Private,137421, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,60, Trinadad&Tobago +<=50K,27, Private,216481, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,196504, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,23, United-States +<=50K,38, Private,357870, 12th,8, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,50, United-States +<=50K,55, State-gov,256335, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,168191, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, Italy +<=50K,40, Private,215596, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, Other, Male,0,0,40, Mexico +<=50K,42, Private,184682, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,30, United-States +>50K,51, Private,171914, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,288229, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,50, Laos +>50K,30, State-gov,144064, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,70, ?,54849, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,40, Private,141583, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,180985, Bachelors,13, Separated, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,24, Private,148709, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,174626, 7th-8th,4, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,184801, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,89054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,147284, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,169973, Assoc-voc,11, Separated, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,222993, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,41099, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,33117, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Private,162551, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,49, Private,122066, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,2603,40, Greece +>50K,61, ?,42938, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,7, United-States +>50K,46, Private,389843, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,37, Private,138940, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Federal-gov,141877, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,172722, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,118523, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,227886, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,36, Private,80743, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, South +<=50K,52, Private,199688, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,225823, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,176486, HS-grad,9, Married-spouse-absent, Exec-managerial, Other-relative, White, Female,0,0,60, United-States +<=50K,63, Private,175777, 10th,6, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,295010, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,437825, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, Peru +<=50K,50, Private,270194, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,242089, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,39, Self-emp-inc,117555, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,146499, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,48, United-States +<=50K,52, Private,222405, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,2377,40, United-States +<=50K,17, ?,216595, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,46, Private,157991, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Female,0,625,40, United-States +<=50K,26, Private,373553, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,42, United-States +<=50K,30, Private,194827, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,23, Private,60331, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, State-gov,96483, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,12, United-States +<=50K,39, Private,211154, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,37, Local-gov,247750, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,204235, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,38, Private,197113, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,47, Private,178341, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4064,0,60, United-States +<=50K,20, Private,293297, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,35330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, State-gov,202056, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,40, United-States +<=50K,32, Private,61898, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,15, United-States +>50K,42, Self-emp-inc,1097453, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,176992, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,295289, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +>50K,53, Self-emp-inc,298215, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Self-emp-not-inc,209934, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, Mexico +<=50K,26, Private,164938, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, Private,423222, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,124259, Some-college,10, Never-married, Protective-serv, Own-child, Black, Female,0,0,40, United-States +<=50K,70, Self-emp-inc,232871, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,41, State-gov,73199, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,43, State-gov,27661, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,65, Private,461715, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, ? +<=50K,40, Self-emp-not-inc,89413, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,64, Self-emp-not-inc,31826, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,279679, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,43, Private,221172, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,50, Federal-gov,222020, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,19, ?,181265, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,32, Self-emp-not-inc,261056, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,2174,0,60, ? +<=50K,32, Private,204792, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,384508, 11th,7, Divorced, Sales, Unmarried, White, Male,1506,0,50, Mexico +>50K,41, Private,288568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,182714, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, England +<=50K,20, Private,471452, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,45, State-gov,264052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,146659, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,24, Private,203027, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,218309, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,133625, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,45937, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, ?,389850, HS-grad,9, Married-spouse-absent, ?, Unmarried, Black, Male,0,0,50, United-States +<=50K,38, Federal-gov,201617, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Local-gov,114733, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,50, State-gov,97778, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,34, Private,149507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,82622, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,48014, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, France +<=50K,61, State-gov,162678, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,213842, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,61, Private,221447, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,426836, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +>50K,31, Local-gov,206609, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,50276, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,180497, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,220585, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,202752, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Private,75993, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,18, Private,170544, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,55, Private,115439, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,59, Private,24384, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,209067, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,65225, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,60, Federal-gov,27466, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, England +>50K,49, Federal-gov,179869, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,442131, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,243283, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,316627, 5th-6th,3, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,208862, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,38645, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,141272, Bachelors,13, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,41, State-gov,29324, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,18, ?,348588, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +>50K,40, Private,124747, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,7298,0,40, United-States +>50K,55, Self-emp-not-inc,477867, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,218361, 10th,6, Never-married, Other-service, Own-child, White, Female,0,1602,12, United-States +<=50K,34, Self-emp-not-inc,156809, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1504,60, United-States +<=50K,24, Private,267945, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,30, Private,35724, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,29, Private,187188, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,60, United-States +>50K,52, Private,155983, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Federal-gov,414994, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,103474, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +>50K,43, Private,211128, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,61, Private,203445, Some-college,10, Widowed, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,38, Private,38312, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,51, Private,178241, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,260761, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +>50K,41, Local-gov,36924, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,292590, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,461929, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,59, Private,189664, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,190577, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,31, Private,344200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,337494, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +<=50K,54, Self-emp-not-inc,52634, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,194901, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,2444,42, United-States +<=50K,20, Private,170091, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,27, ?,189399, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,205072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,310290, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, Black, Female,0,0,40, United-States +<=50K,27, Private,134048, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,40, Private,91959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,34, Private,153942, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Local-gov,234096, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,185330, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,163772, HS-grad,9, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, United-States +<=50K,65, Private,83800, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,27, United-States +<=50K,61, Private,139391, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,16, United-States +<=50K,18, Private,478380, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,35, Self-emp-inc,186845, Bachelors,13, Married-civ-spouse, Sales, Own-child, White, Male,5178,0,50, United-States +<=50K,45, Private,262802, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,68, ?,152157, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,114483, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,118023, Prof-school,15, Divorced, Sales, Not-in-family, White, Male,0,0,13, United-States +<=50K,19, Private,220101, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,219424, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,50, United-States +>50K,54, Private,186117, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Self-emp-not-inc,479611, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,80312, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,30, Private,108386, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,125926, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,35, Private,177102, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,190762, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,18, United-States +<=50K,61, Private,180632, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,88019, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,32, United-States +>50K,50, Private,135339, 12th,8, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,32, Private,100662, 9th,5, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Columbia +<=50K,34, Private,183557, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, Private,160035, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,306790, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,269246, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,308334, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,58, Private,215190, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,419146, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,75, Mexico +<=50K,62, Private,176839, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +>50K,36, Self-emp-inc,184456, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,27828,0,55, United-States +<=50K,21, Local-gov,309348, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,594,0,4, United-States +<=50K,41, Private,56795, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, England +<=50K,28, Private,201861, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,179509, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,54, Private,291755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,243941, Some-college,10, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,1721,25, United-States +<=50K,76, Self-emp-not-inc,117169, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, ?,100903, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +>50K,34, Private,159322, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,262872, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,187052, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,17, Private,277583, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,55, Private,169071, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Local-gov,96190, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,61603, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, Mexico +<=50K,44, Private,43711, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,65, ?,197883, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +>50K,54, Private,99434, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,177639, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,201723, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,222248, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,39, Private,86143, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,46, ?,228620, 11th,7, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,346034, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,59, Private,87510, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,37932, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +>50K,34, Private,185063, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,62, ?,125493, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,5178,0,40, Scotland +<=50K,51, Private,159755, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,34, Private,108837, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,110669, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,21, ?,220115, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,30, Self-emp-not-inc,45427, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +<=50K,38, Private,154669, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,45, Private,261278, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,5178,0,40, Philippines +<=50K,23, Private,71864, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,34, Private,173495, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,254293, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,111883, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,50, Private,146429, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,472807, 1st-4th,2, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,52, Mexico +>50K,28, Private,285294, Bachelors,13, Married-civ-spouse, Sales, Wife, Black, Female,15024,0,45, United-States +<=50K,23, Private,184665, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,205852, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,83879, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,178564, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,46, Self-emp-inc,168796, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,269444, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,47353, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,29254, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,155343, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,234271, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,257849, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,228230, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,47, United-States +<=50K,36, Private,227615, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,32, Mexico +<=50K,29, Private,406826, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,50, Self-emp-not-inc,27539, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,40, United-States +<=50K,19, Private,97261, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,232022, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,52, Federal-gov,168539, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,515797, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,351381, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,161018, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,60, Private,26721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,164123, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,98418, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,29814, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,50, United-States +<=50K,25, Private,254613, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Cuba +<=50K,49, Private,207677, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,25, Self-emp-not-inc,217030, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,50, Private,171199, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,198270, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,43, United-States +<=50K,28, ?,131310, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,79923, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,40, Self-emp-inc,475322, Bachelors,13, Separated, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,56, Private,134286, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,56, Self-emp-not-inc,73746, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,125525, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,42, United-States +<=50K,38, ?,155676, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,304949, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,67, Private,150516, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,54, State-gov,249096, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,164127, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,59, Private,304779, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,157043, 11th,7, Widowed, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,396538, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,29, United-States +>50K,42, Private,510072, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,200017, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,61, ?,60641, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,89326, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,200471, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, United-States +>50K,78, Self-emp-not-inc,82815, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,3, United-States +<=50K,24, Self-emp-not-inc,117210, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,202206, 11th,7, Separated, Farming-fishing, Other-relative, White, Male,0,0,40, Puerto-Rico +>50K,51, Private,123429, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Private,353512, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,26683, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,204641, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,225053, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, ?,98776, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,263932, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,30, Private,108247, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,31, Self-emp-not-inc,369648, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,339324, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,96, United-States +>50K,59, ?,145574, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,53, Private,317313, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Local-gov,162919, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,186314, Some-college,10, Separated, Prof-specialty, Own-child, White, Male,0,0,54, United-States +<=50K,36, Private,254202, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,39, Private,108140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,287317, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Male,0,0,32, United-States +>50K,75, Self-emp-inc,81534, HS-grad,9, Widowed, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,35, United-States +>50K,36, Private,35945, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Self-emp-inc,204928, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,208809, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,29, Private,133625, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,60, Private,71683, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,49, United-States +<=50K,58, Private,570562, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,67, Self-emp-not-inc,36876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +>50K,35, Private,253006, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,38, United-States +<=50K,39, Self-emp-not-inc,50096, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,37, Private,336880, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,54, ?,135840, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,63, Self-emp-not-inc,168048, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,187969, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,23, Private,117363, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,256526, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,4865,0,45, United-States +<=50K,49, Private,304416, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Private,248011, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,23, Private,229826, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,159796, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +>50K,44, Private,165346, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,25386, Assoc-voc,11, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Private,491000, Assoc-voc,11, Divorced, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Local-gov,247731, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, Cuba +<=50K,48, Private,180532, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,189462, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,2176,0,40, United-States +<=50K,44, Private,419134, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,170166, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,33, Self-emp-not-inc,173495, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,423024, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,72119, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,2202,0,30, United-States +>50K,32, Local-gov,19302, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, England +<=50K,24, State-gov,257621, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,44, Self-emp-inc,118212, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,70, United-States +<=50K,27, Private,259840, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,39, Private,115289, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, France +<=50K,26, Local-gov,159662, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,34, Private,379798, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,227945, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +>50K,41, State-gov,36999, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,73, ?,131982, Bachelors,13, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,5, Vietnam +<=50K,32, Self-emp-inc,124052, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,56, Local-gov,273084, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,59, Private,170104, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,44, Private,96249, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,140915, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,1590,40, South +<=50K,52, Private,230657, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,3781,0,40, Columbia +<=50K,30, Private,195576, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,3325,0,50, United-States +<=50K,23, Private,117767, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Private,112763, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,8614,0,43, United-States +<=50K,61, Private,79827, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,103925, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,68, Private,161744, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,16, United-States +>50K,41, Private,106679, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,42, Self-emp-not-inc,196514, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, ?,61985, 9th,5, Separated, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,19, Private,157605, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,137367, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,40, Self-emp-inc,110862, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2377,50, United-States +<=50K,32, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,51, Self-emp-inc,98642, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,14084,0,40, United-States +>50K,44, Local-gov,144778, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,177787, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,30, England +<=50K,30, ?,103651, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,162108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,217602, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,473133, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,113301, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, ? +>50K,61, Private,80896, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,30, Local-gov,168387, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,38950, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,107801, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,191277, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,205359, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,39, ?,240226, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,34, Private,203357, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,52, Local-gov,153064, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,202959, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,105150, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,238474, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,1085515, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,82560, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,43, United-States +<=50K,71, Private,55965, 7th-8th,4, Widowed, Transport-moving, Not-in-family, White, Male,0,0,10, United-States +<=50K,27, Private,161087, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,28, Private,261278, Assoc-voc,11, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +>50K,54, Private,182187, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024,0,38, Jamaica +<=50K,18, Private,138917, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,10, United-States +<=50K,49, Private,200198, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,205359, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,57, Private,250201, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,50, United-States +>50K,56, Federal-gov,67153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Portugal +<=50K,17, Private,244523, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,236599, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,108713, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,177147, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,129246, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,50, ?,222381, Some-college,10, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,145111, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,62258, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, State-gov,108293, Masters,14, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,61, ?,167284, 7th-8th,4, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,97789, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,34, Private,111415, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,374524, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,287244, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,17, ?,341395, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,48, Private,278039, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,98360, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,317032, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, State-gov,294395, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,6849,0,40, United-States +<=50K,41, Self-emp-not-inc,240900, HS-grad,9, Divorced, Farming-fishing, Other-relative, White, Male,0,0,20, United-States +<=50K,45, Private,32896, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,49, Private,97411, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Laos +<=50K,19, Private,72355, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,39, Private,342448, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,187702, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2174,0,45, United-States +<=50K,42, Private,303388, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,17, Private,112291, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,30, Private,208668, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,25, United-States +<=50K,61, Local-gov,28375, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +>50K,48, Private,207277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,60, ?,88675, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,57, Private,47857, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,372500, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, Mexico +<=50K,24, Private,190968, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,41, Private,37997, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,84, United-States +<=50K,42, Private,257328, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,127610, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,22, ?,139324, 9th,5, Never-married, ?, Unmarried, Black, Female,0,0,36, United-States +<=50K,47, Private,164423, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,43, United-States +<=50K,50, Private,104501, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,1980,40, United-States +<=50K,30, Private,56121, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,296212, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,31, Private,157640, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,44, Private,222504, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,34, Private,261023, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1651,38, United-States +>50K,52, Private,146567, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,34, Private,116910, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,132601, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,185537, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,500720, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,42, Private,182108, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Private,231491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,36, Self-emp-not-inc,239415, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,38, Private,179262, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,72, Without-pay,121004, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,252392, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,163578, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,55, Private,143266, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Hungary +<=50K,30, Private,285902, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,113094, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Female,0,1092,40, United-States +>50K,29, Private,278637, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3103,0,45, United-States +<=50K,41, Private,174540, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,4, United-States +<=50K,29, Private,188729, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,72143, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +>50K,46, Self-emp-not-inc,328216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,44, Private,165815, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,317702, 10th,6, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,35, Private,215323, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,38, Private,192939, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,156352, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,155066, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,38, Self-emp-not-inc,152621, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,19, Private,298891, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, Honduras +<=50K,30, Private,193298, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,150309, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,27, Private,384308, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,27, Private,305647, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,182378, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,65, Federal-gov,23494, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,2174,40, United-States +>50K,37, Private,421633, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,17, Private,57723, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,19, ?,307837, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,103540, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,54, Self-emp-not-inc,136224, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,21, Private,231573, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,242804, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,163671, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,287701, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,31, Private,187560, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,41, Private,222504, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,20, Private,41356, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,59335, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,15, United-States +<=50K,62, Private,84756, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,41, Private,407425, 12th,8, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Private,162424, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Self-emp-not-inc,175456, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,28, Private,52603, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,250630, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,233974, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,376302, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, Private,195638, 10th,6, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,225775, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, Mexico +<=50K,84, Private,388384, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,10, United-States +>50K,48, Self-emp-not-inc,219021, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,61, Self-emp-not-inc,168654, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,44, Private,180609, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,32, Private,114746, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0,0,60, South +<=50K,25, Private,178037, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,47, State-gov,160045, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,268524, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,37, Private,174844, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,17, United-States +<=50K,28, Private,82488, HS-grad,9, Divorced, Tech-support, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,34, Private,221167, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,48014, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,217226, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, ?,177902, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,25, United-States +<=50K,30, Private,39386, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,99, United-States +<=50K,56, Private,37394, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,30, Private,115426, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,114158, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,26, United-States +>50K,40, Private,119101, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,68, United-States +<=50K,28, Private,360527, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,225544, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,108438, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,230315, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Dominican-Republic +<=50K,32, Private,158002, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,55, Ecuador +<=50K,37, Private,179468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,99894, 5th-6th,3, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,75, United-States +>50K,30, Private,270889, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,42279, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Federal-gov,167380, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,50, United-States +<=50K,42, Private,274913, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, United-States +>50K,44, Private,35910, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,56, United-States +<=50K,26, Private,68001, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,27162, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,37, Self-emp-not-inc,286146, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Local-gov,95462, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,50103, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,511668, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,43, United-States +>50K,38, Self-emp-inc,189679, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,115064, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, State-gov,215443, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,38, United-States +<=50K,32, Private,174789, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,24, Private,91999, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +>50K,59, Federal-gov,100931, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,119069, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,277488, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,84, United-States +>50K,35, Private,265662, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, Private,114591, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,24, Private,227594, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,30, Private,129707, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,61, ?,175032, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,133569, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,20, Local-gov,308654, Some-college,10, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,36, Private,156084, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,380127, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,210781, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,189759, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,2001,40, United-States +<=50K,34, Private,258675, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,223367, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,42, ?,204817, 9th,5, Never-married, ?, Own-child, Black, Male,0,0,35, United-States +<=50K,23, Private,409230, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Federal-gov,308077, Prof-school,15, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, Germany +>50K,60, Private,159049, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, Germany +<=50K,40, Private,353142, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,143030, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,304857, Masters,14, Separated, Tech-support, Not-in-family, White, Male,27828,0,40, United-States +<=50K,28, Private,30912, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,43, United-States +>50K,55, Private,125000, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,47, Private,181363, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,54, Private,338620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,32, Private,115989, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +>50K,38, Private,111128, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,201273, Some-college,10, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Self-emp-inc,137354, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,29, Private,133420, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,26, Private,192208, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,32, United-States +<=50K,19, Private,220001, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,352612, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,169426, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,319016, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2885,0,45, United-States +<=50K,55, Private,119751, Masters,14, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,40, Thailand +<=50K,55, Private,202220, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,2407,0,35, United-States +>50K,43, Self-emp-not-inc,99220, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,111275, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Federal-gov,261241, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,261725, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,36, Private,182013, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,40666, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,216461, Some-college,10, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,60, Private,320376, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,282951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,36, State-gov,166697, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,290856, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,455361, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,51, Private,82783, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,56536, 11th,7, Never-married, Sales, Own-child, White, Female,1055,0,18, India +<=50K,33, Self-emp-not-inc,109959, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,50, Private,177927, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,192337, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,236272, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,26, Private,33610, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,209483, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,47, United-States +<=50K,26, Private,247006, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +>50K,30, Local-gov,311913, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,39, ?,204756, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Local-gov,300681, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,42, State-gov,24264, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,38, United-States +<=50K,28, Private,266070, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,20, Private,226978, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,66, Local-gov,362165, Bachelors,13, Widowed, Prof-specialty, Not-in-family, Black, Female,0,2206,25, United-States +<=50K,31, Private,341672, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,36, Private,179488, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, Canada +>50K,39, Federal-gov,243872, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,259583, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,61, Private,159822, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, Poland +<=50K,27, Private,219863, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,206947, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,245572, 9th,5, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,25, Private,38488, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,182504, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,38, Private,193815, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Italy +<=50K,51, ?,521665, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +>50K,29, Private,46442, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,50, United-States +<=50K,45, Private,60267, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,59, Private,264357, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,191814, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,174575, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,17, Private,143331, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,32, Private,126132, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,42, Private,198619, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,68, Private,211287, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,40, United-States +>50K,55, Federal-gov,238192, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,43, Private,257780, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,61, Private,183355, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,148429, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,71221, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,60, United-States +<=50K,21, Self-emp-not-inc,236769, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,32146, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,347491, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,1876,46, United-States +<=50K,34, Private,180714, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,2179,40, United-States +<=50K,57, ?,188877, 9th,5, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,306747, Bachelors,13, Divorced, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,21, State-gov,478457, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,12, United-States +<=50K,25, Private,248990, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Mexico +>50K,51, Self-emp-inc,46281, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,148015, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Private,278115, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +>50K,27, Private,190525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,34, Private,176673, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,35, United-States +<=50K,33, ?,202366, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,32, United-States +<=50K,36, Private,238415, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,37939, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,60, Self-emp-not-inc,35649, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,383493, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,47, Federal-gov,204900, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,42, Private,20809, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,75, United-States +>50K,34, Private,148207, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,21, Private,200153, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,30, Private,169496, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +>50K,53, Private,22978, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,34, Private,366898, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,37, Private,324947, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,321577, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,31, Private,241360, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,207564, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,220860, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Local-gov,336571, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,56402, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,65, Private,180280, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,81282, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,86332, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,4064,0,55, United-States +<=50K,30, Local-gov,27051, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,287647, Masters,14, Divorced, Sales, Not-in-family, White, Male,4787,0,45, United-States +<=50K,37, Self-emp-not-inc,183735, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137,0,30, United-States +<=50K,42, Private,100800, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,62, Private,155094, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,67, ?,102693, HS-grad,9, Widowed, ?, Not-in-family, White, Male,1086,0,35, United-States +>50K,31, Private,151053, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +>50K,50, Private,548361, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,173858, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,40, India +<=50K,27, Private,347153, Some-college,10, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,31, Private,319146, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, Mexico +<=50K,35, Private,197719, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,55, Private,197114, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,6, United-States +>50K,54, Self-emp-not-inc,109418, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,35, United-States +>50K,56, Private,182062, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,184543, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,175558, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,20, Germany +<=50K,46, Private,122026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,340543, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,43, Private,101950, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,179508, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,52, Private,225317, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,59, Local-gov,53304, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Local-gov,282602, Assoc-voc,11, Separated, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Private,184016, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,250165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,196467, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,59, ?,220783, 10th,6, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,178780, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,65868, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,43, United-States +<=50K,54, Private,35459, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,98986, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,282092, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,140764, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,45, United-States +<=50K,30, Private,33124, HS-grad,9, Separated, Farming-fishing, Unmarried, White, Female,0,0,14, United-States +>50K,46, Private,90042, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,102986, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +<=50K,21, Private,214387, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,64, United-States +<=50K,39, Private,180667, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,278329, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,32, Private,184440, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, United-States +<=50K,23, Private,140462, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,202565, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,62, ?,181063, 10th,6, Widowed, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, Private,287268, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,215955, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,82552, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,41745, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,73587, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,54, Private,263925, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,196119, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,284741, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Private,293936, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,50, ? +<=50K,35, Private,340428, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,66, ?,175891, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,276973, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,30, Private,161599, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,144064, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,236391, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,224943, Assoc-voc,11, Never-married, Sales, Other-relative, Black, Male,0,0,65, United-States +<=50K,44, Private,151294, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,52, Private,68982, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,241885, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,189461, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,19, Self-emp-not-inc,36012, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,85355, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,157595, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,197286, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,362747, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,24, Private,395297, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,31, Self-emp-not-inc,144949, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, ?,163665, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,141490, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,147889, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,61, Private,232808, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,48, Private,70668, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, United-States +<=50K,29, Federal-gov,33315, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, ?,63526, 12th,8, Never-married, ?, Not-in-family, Black, Male,0,0,52, United-States +<=50K,34, Private,591711, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,48, ? +<=50K,22, Private,200318, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,97723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +<=50K,38, Private,109231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,102889, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,167106, HS-grad,9, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Hong +>50K,35, Private,182898, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,8614,0,40, United-States +<=50K,62, Private,197918, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,67386, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,126592, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,34, Private,49469, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,99999,0,50, United-States +<=50K,37, Self-emp-not-inc,119929, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,158199, 1st-4th,2, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,44, Portugal +<=50K,35, Private,341102, 9th,5, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,55, Private,101524, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,40, Private,202872, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,195201, HS-grad,9, Married-civ-spouse, Sales, Husband, Other, Male,0,0,50, United-States +<=50K,51, Private,128272, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Private,263094, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +>50K,54, Self-emp-inc,357596, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +>50K,47, Local-gov,102628, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,171114, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,216414, Assoc-voc,11, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,127753, 12th,8, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,282698, 7th-8th,4, Never-married, Adm-clerical, Own-child, White, Male,0,0,80, United-States +>50K,35, Private,139364, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,36, Local-gov,312785, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,35, United-States +<=50K,18, Private,92864, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,46, Local-gov,175428, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,104223, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,29, Private,144784, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,65, Private,178934, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,20, Jamaica +>50K,41, Private,211253, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,133122, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,103540, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,39, State-gov,172700, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,282484, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,31, Private,323055, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,33, State-gov,291494, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,214702, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,116055, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,2977,0,35, United-States +>50K,32, Private,226696, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,31, Private,216827, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,153132, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,48, Private,307440, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,45, Philippines +<=50K,27, Private,278122, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,122195, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,156890, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,36877, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,25, Private,131178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,23, United-States +>50K,34, Self-emp-inc,62396, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,62, United-States +<=50K,33, Private,73054, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,96844, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,324922, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,130684, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,40, Private,178983, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,58, Private,81038, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,30, Private,151967, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,24, Private,278107, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,52, Self-emp-not-inc,183146, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,183638, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,247892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,22, Private,221480, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,118551, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, ? +<=50K,21, Private,518530, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,193787, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,50, United-States +<=50K,34, Self-emp-inc,157466, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,48, Private,141511, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,61, ?,158712, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,99, United-States +<=50K,21, Private,252253, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,200450, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,52, United-States +>50K,30, State-gov,343789, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,44, Private,277647, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,44, Private,291566, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,60, United-States +<=50K,29, Private,151382, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,221167, Prof-school,15, Divorced, Tech-support, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,196178, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,302422, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,37379, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,37, Self-emp-not-inc,82540, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,33, Self-emp-not-inc,182926, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, ? +<=50K,44, Private,159911, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,55, United-States +>50K,34, Private,212781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,207213, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,5, United-States +<=50K,30, Private,200192, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +<=50K,41, Local-gov,180096, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,192812, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,105908, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,70, United-States +<=50K,48, Private,373366, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,3781,0,50, Mexico +<=50K,26, State-gov,234190, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +>50K,32, Private,260868, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,109097, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +>50K,36, Private,171393, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,55, United-States +<=50K,49, Private,209146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,289046, HS-grad,9, Divorced, ?, Not-in-family, Black, Male,0,1741,40, United-States +>50K,54, Private,172281, Masters,14, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,73023, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,41, Private,122626, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,48, United-States +<=50K,27, Private,113635, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,68, ?,257269, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2377,35, United-States +<=50K,21, ?,191806, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,75, United-States +<=50K,56, ?,35723, HS-grad,9, Divorced, ?, Own-child, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,30759, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,105327, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, ?,376058, 9th,5, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,43, Private,219307, 9th,5, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,208067, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,78631, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,19, Private,210308, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,67, Local-gov,190661, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,7896,0,50, United-States +<=50K,31, Private,594187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,27, Private,228476, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,126613, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,30267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,216811, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,16, United-States +>50K,62, Local-gov,115763, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,31, Local-gov,199368, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,50, United-States +>50K,52, Private,159755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,39, Self-emp-not-inc,188335, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,417668, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +>50K,55, ?,141807, HS-grad,9, Never-married, ?, Not-in-family, White, Male,13550,0,40, United-States +<=50K,38, Private,296317, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,164898, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,452406, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,27, Private,42696, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,262994, Some-college,10, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, State-gov,167298, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,103529, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,47, Private,97883, Bachelors,13, Widowed, Priv-house-serv, Unmarried, White, Female,25236,0,35, United-States +>50K,49, State-gov,269417, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,2258,50, United-States +>50K,34, Private,199539, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,19, ?,39460, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,79, Federal-gov,62176, Doctorate,16, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,6, United-States +<=50K,28, State-gov,239130, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,151089, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,331611, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,203463, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,151518, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Self-emp-inc,39844, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,299635, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,67, Private,123393, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,32, Private,209538, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,35, Self-emp-not-inc,238802, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,499197, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,200220, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,114059, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,434430, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,185385, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,24, United-States +<=50K,22, Private,225156, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,377931, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,48, United-States +<=50K,27, ?,133359, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,50, ? +<=50K,28, Private,226891, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,30, ? +<=50K,32, Private,201988, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,4508,0,40, ? +>50K,40, Private,287008, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, Germany +<=50K,23, Private,151910, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Female,0,1719,40, United-States +<=50K,25, Private,231714, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,178510, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,2258,60, United-States +>50K,43, Private,178866, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +>50K,31, Private,110643, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,33, Private,148261, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,217902, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,77207, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,32, ?,377017, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,78, Private,184759, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,1797,0,15, United-States +>50K,64, Self-emp-inc,80333, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Private,265086, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,55, ?,102058, 12th,8, Widowed, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,333843, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,296478, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,116662, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,353298, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,50, United-States +<=50K,42, Private,142424, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Local-gov,200808, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, Puerto-Rico +<=50K,29, Private,119052, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,168981, 1st-4th,2, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,44, Private,151780, Some-college,10, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,70, Private,237065, 5th-6th,3, Widowed, Other-service, Other-relative, White, Female,2346,0,40, ? +<=50K,25, Private,509866, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,78, United-States +<=50K,24, State-gov,249385, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,10, United-States +<=50K,42, State-gov,109462, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,2977,0,40, United-States +>50K,53, Private,250034, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,39, Private,249720, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +<=50K,72, Self-emp-not-inc,258761, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,64048, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,44, Portugal +<=50K,25, State-gov,153534, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,37, Private,193815, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,255582, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,204527, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Self-emp-not-inc,159938, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,24, Italy +>50K,29, Self-emp-not-inc,229341, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Private,128143, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,175479, 5th-6th,3, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,18, Private,301814, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,20, Private,238917, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,32, Mexico +<=50K,32, Private,205581, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,340341, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,147860, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,0,40, United-States +<=50K,20, ?,121023, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,259496, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,34, Federal-gov,190228, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,48, United-States +>50K,43, Private,180599, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Male,8614,0,40, United-States +>50K,44, Private,116358, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,180446, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,264244, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Local-gov,197988, 1st-4th,2, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,19, Private,206599, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,313146, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,99212, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,37, Private,340599, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,62932, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,44861, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,53893, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,152810, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,45, United-States +<=50K,47, Local-gov,128401, Doctorate,16, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,336951, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,60, Self-emp-not-inc,95445, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3137,0,46, United-States +<=50K,43, Private,54611, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,315984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,28, Private,210313, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,19, Private,181020, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, United-States +>50K,51, Self-emp-not-inc,120781, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999,0,70, India +<=50K,19, Private,256979, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,35, United-States +>50K,64, Private,47298, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,44, Private,125461, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,209955, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,33, Private,182246, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Private,76860, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,44, ?,91949, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Local-gov,136986, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +<=50K,28, Federal-gov,183445, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,70, Puerto-Rico +<=50K,24, Private,130741, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,20, Federal-gov,191878, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,21, ?,233923, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,24, United-States +<=50K,20, Private,48121, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,304302, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Federal-gov,284703, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,52, United-States +<=50K,17, Private,401198, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,35, Private,243357, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,32276, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,110538, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,25, Private,257310, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,411950, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,52, Local-gov,392668, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,52498, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,36, Private,223433, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,37, Private,87076, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,224854, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,193379, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Private,98436, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,116632, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,65, Self-emp-inc,210381, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,65, United-States +<=50K,44, Private,90688, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,45, Laos +<=50K,61, Private,229744, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,29, Private,59732, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,34, Private,192900, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,90046, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Canada +>50K,40, Private,272960, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +>50K,42, Self-emp-inc,152071, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Cuba +<=50K,50, Private,301583, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,171964, HS-grad,9, Never-married, ?, Own-child, White, Female,0,1602,20, United-States +<=50K,49, Private,315984, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,241962, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,131591, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,45, United-States +<=50K,70, Self-emp-inc,207938, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,5, United-States +>50K,51, Private,53197, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,121023, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,287229, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,163911, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,31, Private,191834, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,204734, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,220978, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,365739, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,50103, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,283293, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,194534, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,99999,0,60, United-States +<=50K,19, Private,263338, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,36, ?,504871, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,348592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,28, Private,173944, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,226135, 9th,5, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,32, Private,172375, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +>50K,57, Self-emp-inc,127728, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,47, Private,347025, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,191335, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,21, Private,247779, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,38, United-States +>50K,25, State-gov,262664, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,95855, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,74501, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,245317, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,29059, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,2754,25, United-States +<=50K,56, Private,200316, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,198341, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,59, Private,100453, 7th-8th,4, Separated, Other-service, Own-child, Black, Female,0,0,38, United-States +>50K,44, Self-emp-not-inc,343190, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,55, United-States +<=50K,47, Private,235683, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,83237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,64, Private,88470, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,198801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,53, Private,168107, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,196193, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,30, ?,205418, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,46, Private,695411, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,45, Self-emp-inc,139268, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Federal-gov,192771, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,59, Self-emp-inc,122390, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,65, Self-emp-inc,184965, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,23, Private,180837, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Private,159548, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,34, Private,110554, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,38, Private,103474, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,62, Private,178249, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,138768, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,321824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,35, Private,244803, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Peru +<=50K,62, Local-gov,206063, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Private,167651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, State-gov,163689, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,19, Self-emp-not-inc,45546, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,47, Private,420986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,68015, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,90, United-States +<=50K,54, Private,175594, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,148673, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,30, Private,206322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,73, United-States +<=50K,39, Private,272338, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +<=50K,73, Private,105886, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,1173,0,75, United-States +<=50K,64, Private,312498, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,177675, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,51, Private,152810, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,319122, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,212304, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,208321, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,1740,40, United-States +<=50K,39, Private,240841, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,49, Private,208978, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,16, United-States +<=50K,23, Local-gov,442359, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1092,40, United-States +>50K,28, Private,198197, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,46, Private,261059, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,40, Private,72791, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,24, Private,275395, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,195767, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,462966, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,8, El-Salvador +<=50K,24, ?,265434, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,31269, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,246291, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,46, United-States +<=50K,54, Federal-gov,128378, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,231180, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,31, Local-gov,206297, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,337050, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,193075, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,33, Local-gov,169652, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,1669,55, United-States +>50K,35, Private,35945, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,141453, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,252231, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, Puerto-Rico +<=50K,30, Private,128016, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,39, Private,150057, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,258276, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,40, Private,188465, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Self-emp-inc,161007, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,403468, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Mexico +<=50K,53, Federal-gov,181677, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,120243, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,41, Private,157025, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,25, Private,306908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,66, Self-emp-not-inc,28061, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,53, Private,95540, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +<=50K,27, Private,135001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,293398, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,185106, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,245790, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +<=50K,26, Private,134004, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,205036, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,42, United-States +<=50K,26, Private,244495, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,38, Private,159179, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,405155, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,34, Private,177437, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,32, Federal-gov,402361, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,184553, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,302626, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,99138, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,39, Private,112731, HS-grad,9, Divorced, Other-service, Not-in-family, Other, Female,0,0,40, Dominican-Republic +<=50K,35, Private,192923, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2377,40, United-States +<=50K,18, Private,761006, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,75, ?,125784, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,28, Private,182344, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,117012, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,39, Federal-gov,30673, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,484669, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, State-gov,314052, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,43, State-gov,38537, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,38, ? +<=50K,27, Private,165412, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,198341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,55, India +<=50K,46, Private,116635, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,36, United-States +<=50K,20, Private,185452, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,118686, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,69, Private,76939, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,160646, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,49, State-gov,126754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,20, Private,211049, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +<=50K,52, Private,311931, 5th-6th,3, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, El-Salvador +<=50K,33, Private,283602, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,59, Mexico +<=50K,18, Private,155021, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,55, Self-emp-not-inc,100569, HS-grad,9, Separated, Farming-fishing, Unmarried, White, Female,0,0,55, United-States +<=50K,61, Private,380462, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +>50K,61, Federal-gov,221943, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,9386,0,40, United-States +>50K,39, Private,114544, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,248584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,227468, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,66173, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +<=50K,34, Private,107624, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,53, Private,70387, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4386,0,40, India +>50K,38, Private,423616, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,36, United-States +>50K,46, Private,98637, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,27, Local-gov,216013, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,210926, 11th,7, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, Nicaragua +>50K,60, Local-gov,255711, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,23, Private,77581, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,152461, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,14344,0,50, United-States +<=50K,22, Private,203263, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,25, Private,261519, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,91189, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,90, Federal-gov,195433, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,37, Local-gov,272471, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,311524, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,38, United-States +<=50K,18, Private,151386, HS-grad,9, Married-spouse-absent, Other-service, Own-child, Black, Male,0,0,40, Jamaica +<=50K,35, Private,187625, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,50, Private,108933, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +>50K,54, Private,135388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,43, Private,169383, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,28, Self-emp-inc,191129, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Private,467611, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,373185, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,42, Mexico +<=50K,69, Private,130060, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,2387,0,40, United-States +>50K,57, Private,199934, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,116165, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,14, Canada +<=50K,28, Private,42881, 10th,6, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,28, ?,174666, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,80, United-States +<=50K,25, Private,169759, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,95, United-States +<=50K,49, Self-emp-not-inc,181547, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Columbia +<=50K,52, Private,95704, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,237432, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,32, Private,226267, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,31, Private,159979, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,30, Private,203488, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,403671, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,192323, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,66, Yugoslavia +<=50K,30, Private,167832, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,145166, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,42, State-gov,155657, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,25, United-States +<=50K,49, Private,116789, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,39234, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,124111, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,172828, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, Outlying-US(Guam-USVI-etc) +<=50K,55, Private,143372, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,265807, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,50, United-States +<=50K,25, State-gov,218184, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,154087, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,440647, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Private,193952, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, ? +<=50K,52, Private,125932, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,284652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,21, ?,214635, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, United-States +<=50K,43, Private,173316, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,65390, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +>50K,40, Self-emp-inc,45054, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,185042, 1st-4th,2, Separated, Priv-house-serv, Other-relative, White, Female,0,0,40, Mexico +<=50K,35, Private,117381, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,258666, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,1974,40, United-States +>50K,35, Private,179668, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,57, Private,127277, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,26, Private,192022, Bachelors,13, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,99551, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,15, United-States +<=50K,51, Private,208899, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,287658, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,30, Jamaica +<=50K,31, Private,196125, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,275051, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,38, Private,23892, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,39, Federal-gov,376455, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +<=50K,29, Private,267989, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,30269, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,204235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,209057, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,73, Private,349347, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +<=50K,47, Local-gov,154033, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,28, Private,124680, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,70, United-States +<=50K,27, Private,132805, 10th,6, Never-married, Sales, Other-relative, White, Male,0,1980,40, United-States +>50K,38, Private,99233, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,224849, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,60, Local-gov,101110, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,184839, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,302847, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,181322, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Local-gov,192213, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Canada +<=50K,28, State-gov,37250, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,16, United-States +>50K,38, Self-emp-inc,140854, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,47, Private,158286, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,269095, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,279960, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,176239, Some-college,10, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,115360, 10th,6, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,3464,0,40, United-States +<=50K,49, Private,337666, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,68, ?,255276, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,63, Private,145212, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,185099, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,42, Private,142756, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,28, Private,156300, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +<=50K,68, ?,186266, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,38, Private,219137, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,22, United-States +>50K,43, Private,110970, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,49, Private,203067, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,148844, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,25, Private,154941, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,124111, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,59, Private,157303, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,34, Private,113838, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,34, Private,165737, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,43, India +<=50K,67, Private,140849, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,45, Private,200363, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,44, United-States +<=50K,64, Private,180247, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,51, Private,82578, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, Canada +>50K,31, Private,227146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,42, Self-emp-inc,348886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,90907, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, Private,142766, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +<=50K,31, Private,246439, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,184784, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Local-gov,195262, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,63, Private,167967, Masters,14, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,46, United-States +>50K,48, Private,145636, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,45, Local-gov,170099, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,228253, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,26, Local-gov,205570, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,506830, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,412435, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,44, Private,163331, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,43, Federal-gov,222756, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,318918, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,105188, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,23, Private,199884, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,96483, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,192203, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,52, Private,203392, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,32, Private,99646, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,167440, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,4508,0,40, United-States +<=50K,25, ?,210095, 5th-6th,3, Never-married, ?, Unmarried, White, Female,0,0,25, El-Salvador +<=50K,44, Private,219591, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,63, Private,30270, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,226020, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,60, ? +<=50K,21, Private,314165, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, Columbia +<=50K,32, Private,330715, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,35448, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,50, State-gov,172970, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +>50K,26, Self-emp-inc,189502, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,35, Private,61518, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,31, Private,574005, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,24, Private,281356, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,66, Mexico +<=50K,40, Private,138975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,31, Private,176969, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,43, Private,132393, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Poland +>50K,44, Private,194924, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,40, Private,478205, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,75, ?,128224, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,52, Local-gov,30118, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3137,0,42, United-States +<=50K,51, Self-emp-not-inc,290688, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,85566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Private,121874, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,40, Self-emp-not-inc,29036, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,33, Private,348152, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,73715, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,151382, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,37, Private,236359, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +>50K,37, Private,19899, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,19, Private,138760, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Local-gov,354962, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,181363, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,393360, Some-college,10, Never-married, Protective-serv, Own-child, Black, Male,0,0,30, United-States +<=50K,34, Private,210736, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +<=50K,38, Private,110013, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,26, Private,193304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,118551, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,57, Private,201991, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,157446, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, Local-gov,283217, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,247794, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,84, United-States +>50K,38, Private,43712, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, United-States +<=50K,61, Private,35649, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,6, United-States +>50K,36, Self-emp-not-inc,342719, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +>50K,61, ?,71467, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3103,0,40, United-States +<=50K,17, Private,271837, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,16, United-States +>50K,40, Private,400061, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, United-States +<=50K,18, Private,62972, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,21, Private,174907, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +<=50K,41, Private,176452, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Peru +<=50K,46, Private,268358, 11th,7, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Federal-gov,176904, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,176683, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,52, United-States +<=50K,39, Private,98077, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,36, Private,266461, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,48, United-States +<=50K,51, Private,312477, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,40, United-States +<=50K,27, Private,604045, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Local-gov,131568, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,97688, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,47, United-States +<=50K,23, Private,373628, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,56, Private,367984, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,41, Self-emp-not-inc,193459, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,250733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,46, Federal-gov,199725, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +<=50K,54, Private,156877, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Greece +>50K,38, Private,122076, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,43, United-States +>50K,45, Self-emp-not-inc,216402, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +>50K,50, Self-emp-not-inc,42402, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,30, United-States +<=50K,22, Private,315974, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,63437, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Ireland +<=50K,27, Private,160786, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,85374, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,465974, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,78529, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,36, State-gov,98037, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,22, Private,178390, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,210940, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2002,45, United-States +<=50K,43, Private,64506, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,54, Private,128378, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,234460, 9th,5, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, Dominican-Republic +<=50K,29, Private,176760, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,40, State-gov,59460, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,18, Private,234428, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,215047, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,57, Private,140426, Doctorate,16, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, Germany +<=50K,32, Private,191777, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,48, Private,148995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,229773, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,174461, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,22, United-States +<=50K,24, Private,250647, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +>50K,49, Local-gov,119904, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,30, United-States +<=50K,27, Self-emp-not-inc,151402, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1573,70, United-States +<=50K,37, Private,184556, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,263561, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,177945, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,45, Private,306889, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,54, Local-gov,54377, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,144351, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,625,40, United-States +<=50K,22, Private,95566, Some-college,10, Married-spouse-absent, Sales, Own-child, Other, Female,0,0,22, Dominican-Republic +<=50K,20, Private,181675, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,172129, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,350759, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,105592, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,200061, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, ? +<=50K,34, Self-emp-inc,200689, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,386726, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,44, United-States +<=50K,28, Local-gov,135567, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,4101,0,60, United-States +<=50K,38, Local-gov,282753, Assoc-voc,11, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,137367, 11th,7, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,35, Self-emp-inc,153976, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Self-emp-inc,96062, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,152933, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,71, Private,97870, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,15, Germany +>50K,48, Private,254291, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,101432, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,40, Private,125776, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,165479, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,5, United-States +>50K,42, Federal-gov,172307, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +>50K,25, Private,176729, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,66, Private,174276, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,50, United-States +>50K,59, Federal-gov,48102, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, ? +>50K,42, Self-emp-not-inc,79531, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,306460, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,55284, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +<=50K,26, Private,172063, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,22, Private,141028, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,33, Private,37274, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,31389, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,12, United-States +<=50K,20, Private,415913, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,33, Private,295591, 5th-6th,3, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,57, ?,202903, 7th-8th,4, Married-civ-spouse, ?, Wife, White, Female,1173,0,45, Puerto-Rico +<=50K,56, Private,159770, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,70, Self-emp-not-inc,268832, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, United-States +>50K,42, Private,126003, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,225193, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,28, Private,297735, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,225892, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,1409,0,40, United-States +<=50K,36, Private,605502, 10th,6, Never-married, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +>50K,37, Private,174150, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,165466, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,52, State-gov,189728, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,360491, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,115040, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,262688, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,7688,0,50, United-States +>50K,70, Self-emp-inc,158437, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,55, Private,41108, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Male,0,2258,62, United-States +<=50K,25, Private,149875, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,131916, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Italy +<=50K,22, Private,60668, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,153132, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,62, Private,155256, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,54, Private,244770, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,312108, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Private,102828, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,36, Private,93225, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,74, Self-emp-inc,231002, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,35, Self-emp-not-inc,256992, 5th-6th,3, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, Mexico +<=50K,41, Private,118721, 12th,8, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,151989, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,109112, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,35, Private,589809, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,60, United-States +>50K,38, Private,172538, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,34, State-gov,318982, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,40, United-States +>50K,48, Private,204629, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,99894, 5th-6th,3, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,19, Private,369463, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,79324, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,61178, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,204226, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,183110, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,42, Private,96321, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,167031, Some-college,10, Never-married, Other-service, Other-relative, Other, Female,0,0,25, Ecuador +<=50K,36, Private,108997, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,65, Private,176796, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Self-emp-not-inc,134737, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,33, Self-emp-inc,49795, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, State-gov,131588, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,20, United-States +<=50K,25, Private,307643, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,351350, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,260761, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,156310, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,2414,0,12, United-States +<=50K,36, Private,207789, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,52, United-States +<=50K,67, Self-emp-not-inc,252842, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797,0,20, United-States +<=50K,28, Private,294936, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,4064,0,45, United-States +<=50K,24, Private,196269, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, United-States +<=50K,17, Private,46402, 7th-8th,4, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,32, Self-emp-not-inc,267161, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,30, United-States +<=50K,67, Private,160456, 11th,7, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,123983, Some-college,10, Never-married, ?, Other-relative, Asian-Pac-Islander, Male,0,0,10, Vietnam +<=50K,51, Private,123053, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,5013,0,40, India +<=50K,32, Private,426467, 1st-4th,2, Never-married, Craft-repair, Not-in-family, White, Male,3674,0,40, Guatemala +>50K,39, Private,269323, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,42857, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,183915, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,211391, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,21, Local-gov,193130, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,86745, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,16, United-States +<=50K,34, Private,226525, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,68, ?,270339, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,49, Self-emp-not-inc,343742, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,32, United-States +<=50K,50, Private,150975, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,33, Private,207301, Assoc-acdm,12, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,135924, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,184277, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,55, United-States +<=50K,20, Private,142233, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Self-emp-inc,120902, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,37, United-States +<=50K,64, Local-gov,158412, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,126161, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,149347, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,21, Private,322674, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,29, Private,55390, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,38, State-gov,200904, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,30, United-States +<=50K,45, Private,166056, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,30, Self-emp-not-inc,116666, Masters,14, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +>50K,41, Private,168324, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,121772, HS-grad,9, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Hong +>50K,45, Private,126889, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,60, United-States +<=50K,20, ?,401690, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,45, Self-emp-inc,117605, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,20, Federal-gov,410446, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +>50K,63, Self-emp-inc,38472, Some-college,10, Widowed, Sales, Not-in-family, White, Female,14084,0,60, United-States +<=50K,35, Self-emp-not-inc,335704, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,70261, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,47577, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,117767, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,179641, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, ?,343553, 11th,7, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,328466, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Mexico +<=50K,46, Private,265097, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,5, United-States +>50K,38, Local-gov,414791, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,55, Local-gov,48055, 12th,8, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,341672, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,40, India +>50K,48, Private,266764, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,233571, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,50, United-States +>50K,53, Private,126592, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,40, United-States +<=50K,47, Private,70754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,138852, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,4650,0,22, United-States +<=50K,32, Private,175856, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,193494, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,46, United-States +>50K,41, Private,104334, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Federal-gov,197332, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,205844, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,25, United-States +<=50K,45, Local-gov,206459, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,33, Private,202822, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,14, Trinadad&Tobago +<=50K,68, Without-pay,174695, Some-college,10, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0,0,25, United-States +>50K,44, Private,183342, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,49, Private,105614, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,45, Private,329603, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Poland +>50K,41, Private,77373, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,65, United-States +<=50K,29, Private,207473, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,149161, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, ? +<=50K,19, Private,311974, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,25, Mexico +<=50K,56, Private,175127, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,111625, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,48895, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,27049, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, Private,108907, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,52, Private,94988, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,218343, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,227626, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,272856, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,50, England +<=50K,39, Private,30916, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,276229, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,289106, Assoc-acdm,12, Separated, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,67, ?,39100, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,5, United-States +>50K,45, Private,192776, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,55, United-States +>50K,61, Private,147280, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,187770, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,51, State-gov,213296, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,107410, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,170272, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,86808, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +<=50K,48, Private,149210, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,45, United-States +<=50K,62, Private,123411, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,53, United-States +<=50K,21, ?,306779, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,487347, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,283945, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,1602,45, United-States +<=50K,20, Private,375698, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,41, Private,271753, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,251854, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,47, Private,264052, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,43, State-gov,28451, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,20, Private,282604, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +>50K,29, Private,185908, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,55, United-States +<=50K,51, Federal-gov,198186, Bachelors,13, Widowed, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,242521, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,337940, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Mexico +<=50K,30, Private,212064, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,129263, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Local-gov,144761, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Male,0,1668,20, United-States +>50K,42, Private,109912, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,113324, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,43, Private,187795, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,173724, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,43, Private,185129, Bachelors,13, Divorced, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,73134, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,45, Private,236040, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,74194, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Local-gov,102130, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,140915, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,25, Philippines +<=50K,69, ?,107575, HS-grad,9, Divorced, ?, Not-in-family, White, Female,2964,0,35, United-States +<=50K,38, State-gov,34364, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,258037, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, Cuba +<=50K,18, Private,391585, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,233130, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Mexico +>50K,30, Private,101345, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,3103,0,55, United-States +<=50K,23, ?,32897, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,248612, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,212465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,198587, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,2174,0,50, United-States +>50K,33, Private,405913, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Peru +>50K,37, Private,588003, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,31, Private,46807, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,210498, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +>50K,35, Private,206951, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,28, Self-emp-not-inc,237466, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,59, Private,279636, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, Guatemala +<=50K,42, Private,29320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,271262, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,29361, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,76773, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,109004, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,43, Private,226902, Bachelors,13, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,46, Private,176552, 11th,7, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,41, Private,182303, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,59, Local-gov,296253, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,8614,0,60, United-States +<=50K,20, Private,218215, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,57, Private,165695, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,46, Self-emp-not-inc,51271, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386,0,70, United-States +<=50K,45, Private,96100, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,29, Local-gov,82393, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Male,0,1590,45, United-States +<=50K,23, Private,248978, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,254367, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,1590,48, United-States +>50K,55, ?,200235, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,58, Private,94429, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,87282, Assoc-voc,11, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,29, Private,119793, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,50, United-States +<=50K,57, ?,85815, HS-grad,9, Divorced, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,26, Local-gov,197764, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,306982, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,61, Private,80896, HS-grad,9, Separated, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0,0,45, United-States +>50K,31, Private,197886, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,43, Private,355728, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,121124, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +>50K,51, State-gov,193720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,23, Private,347292, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,34506, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,326370, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, ? +<=50K,22, ?,269221, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,63509, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,48, Private,148254, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,16, United-States +<=50K,33, Private,190511, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Private,268022, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, ? +<=50K,18, Private,20057, 7th-8th,4, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,52, Private,206862, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,189498, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,45, United-States +<=50K,28, Private,166320, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,289886, Some-college,10, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,30, Vietnam +<=50K,23, ?,86337, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,45, Local-gov,54190, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,147069, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,56, Private,282023, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,379485, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +<=50K,81, Private,129338, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,10, United-States +<=50K,22, Private,99829, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,43, State-gov,182254, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,109428, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1740,40, United-States +>50K,42, Self-emp-not-inc,351161, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,66, ?,210750, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,50, Private,132716, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,242984, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,101509, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,509629, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,36, Private,119957, Bachelors,13, Separated, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,33, Private,69727, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,204590, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,213,40, United-States +<=50K,37, ?,50862, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,182907, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,55, Private,206487, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,168015, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,149396, Some-college,10, Never-married, Other-service, Other-relative, Black, Female,0,0,30, Haiti +>50K,39, Federal-gov,184964, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,398988, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,128777, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Female,0,0,55, United-States +>50K,60, Private,252413, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,32, United-States +>50K,33, Private,181372, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,58, Private,216851, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, El-Salvador +<=50K,27, Private,106935, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, State-gov,363875, Some-college,10, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,63, Private,287277, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,172342, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,308498, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +>50K,29, Private,122127, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,40, United-States +>50K,31, Private,106437, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +>50K,49, Self-emp-inc,306289, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,201699, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,282062, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,235108, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,339482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,181820, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,99335, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,367533, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +<=50K,57, Private,64960, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,50, Private,269095, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,58683, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,35, Self-emp-not-inc,89508, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908,0,60, United-States +<=50K,19, Private,100999, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,34125, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,28, United-States +<=50K,20, Private,115057, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,139126, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,104632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,40, Federal-gov,178866, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,54, Private,139850, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,28, Private,61435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,38, Private,309230, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,45613, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,272615, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,54318, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,165519, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,48495, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,38, Private,143123, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,67, Self-emp-not-inc,431426, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,20051,0,4, United-States +<=50K,75, Private,256474, Masters,14, Never-married, Protective-serv, Not-in-family, White, Male,0,0,16, United-States +>50K,41, Private,191451, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +>50K,37, Private,99146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,235986, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, Cuba +>50K,34, Local-gov,429897, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Mexico +<=50K,25, Private,189897, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,145155, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, State-gov,192257, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,2174,0,40, United-States +<=50K,35, Private,194960, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,40, Puerto-Rico +<=50K,44, Local-gov,357814, 12th,8, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,35, Mexico +>50K,27, Local-gov,137629, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,42, Private,156526, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,33, United-States +<=50K,26, Private,189238, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,38, El-Salvador +<=50K,23, Private,202989, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +<=50K,28, Private,25684, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,192939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,138692, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,29, Private,222249, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,201318, 9th,5, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411,0,50, Columbia +<=50K,23, ?,190650, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,30, Private,56004, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,48, Private,182313, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,138962, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,72, ? +>50K,38, Private,277248, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Cuba +<=50K,24, Private,125031, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +>50K,47, State-gov,216414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,171176, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,48, ? +<=50K,29, Private,356133, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,45, Private,185397, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,308285, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,56651, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,154863, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Trinadad&Tobago +>50K,46, Federal-gov,44706, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,34, ?,222548, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,32, Private,248754, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,104981, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,315065, Some-college,10, Never-married, Other-service, Unmarried, White, Male,0,0,35, Mexico +<=50K,46, Private,188325, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,221661, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,59, Private,81973, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Private,169122, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,216734, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,98101, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,292511, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,20, Private,122971, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,124953, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +>50K,54, Private,123011, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,76417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,43, Private,351576, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Federal-gov,33794, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +>50K,33, Private,79923, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,117983, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,36, Private,186110, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, Private,187589, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5178,0,40, United-States +>50K,37, ?,319685, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,54, United-States +<=50K,64, ?,64101, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,45, Self-emp-not-inc,162923, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,288519, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,33798, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195734, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,2354,0,40, United-States +<=50K,23, Private,214120, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,113515, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,261230, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,98515, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,187715, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, ?,214238, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,40, Mexico +<=50K,32, Private,123964, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4386,0,50, United-States +<=50K,26, Private,68991, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,52, Private,292110, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,198320, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,709798, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,372838, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,160402, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,45, Private,98475, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Local-gov,97136, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,136985, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,187356, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,66, United-States +<=50K,46, State-gov,107231, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,40, United-States +<=50K,20, Private,305874, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,290922, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,248254, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,40, United-States +<=50K,38, Private,160808, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,4386,0,48, United-States +<=50K,36, Private,247321, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,247651, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,56, United-States +<=50K,29, Private,214702, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1974,35, United-States +<=50K,64, Private,75577, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580,0,50, United-States +>50K,34, Private,561334, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, ?,224886, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,401134, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,258170, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,68, ?,141181, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,37, Private,292370, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,50, ? +<=50K,22, Private,300871, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,136721, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,140399, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,30, United-States +<=50K,36, Private,109133, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,186534, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,226891, Assoc-voc,11, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,33, Private,241885, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,97165, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Private,212918, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,70, United-States +<=50K,24, Private,211585, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, White, Female,0,0,40, United-States +<=50K,47, Local-gov,178309, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,481987, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,215211, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,33, Local-gov,194901, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,340885, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1977,40, United-States +<=50K,33, Local-gov,190290, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,26, Private,188569, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,22, Private,162282, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,287315, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,31, Self-emp-inc,304212, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,73, ?,200878, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,38, Local-gov,256864, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,46401, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,37778, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,191722, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,54, United-States +>50K,64, Self-emp-not-inc,103643, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,24, Private,143766, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,55, United-States +<=50K,21, State-gov,204425, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +>50K,28, Private,156257, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,18, ?,113185, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,41, Self-emp-inc,112262, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,28031, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,58, Private,320102, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,334273, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,30, Private,356015, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,47, Private,278900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,142528, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,50, Federal-gov,343014, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,201017, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, Scotland +>50K,31, Self-emp-not-inc,81030, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,34007, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,31, Private,29662, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,53, Private,347446, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,90668, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,190403, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,56, Private,109015, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,50, United-States +>50K,38, Private,234807, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,18, Private,157131, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,50, Private,94081, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,78, Private,135566, HS-grad,9, Widowed, Sales, Unmarried, White, Female,2329,0,12, United-States +<=50K,27, Private,103164, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,570002, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, State-gov,215797, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,289405, Some-college,10, Never-married, Sales, Own-child, White, Male,0,1602,15, United-States +<=50K,25, Private,239461, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,34, Private,101510, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Self-emp-inc,443546, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,37, Federal-gov,141029, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,207202, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,67, Without-pay,137192, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,12, Philippines +<=50K,35, Private,222989, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,75, Self-emp-not-inc,36325, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,73394, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,23, Private,249046, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Federal-gov,100653, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,42, Local-gov,1125613, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,101352, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,32, United-States +<=50K,54, Private,340476, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,20, Private,192711, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,273362, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,100451, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,38, United-States +<=50K,35, Private,85399, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,168191, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,153475, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Self-emp-not-inc,196773, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,41, Private,180138, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,48347, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,175071, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024,0,40, United-States +<=50K,66, ?,129476, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,25, Private,181772, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,284317, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,237305, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Black, Female,0,0,35, United-States +<=50K,67, Self-emp-inc,111321, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +>50K,44, Private,278476, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,42, Private,39060, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Local-gov,205262, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,40, Ecuador +>50K,48, Private,198000, Some-college,10, Never-married, Craft-repair, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,397962, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +>50K,31, Private,178370, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +>50K,48, Private,121253, Bachelors,13, Married-spouse-absent, Sales, Unmarried, White, Female,0,2472,70, United-States +<=50K,40, Private,56072, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,26, Private,176756, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,60374, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,52, Private,165681, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,287037, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,55568, Bachelors,13, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,50, United-States +<=50K,48, Private,155509, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,16, Trinadad&Tobago +<=50K,19, Private,201178, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,37250, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1651,40, United-States +<=50K,59, Private,314149, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,1740,50, United-States +<=50K,19, Private,264593, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,159589, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,39, Private,454915, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,285131, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,150057, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,55390, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,314894, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,59, ?,184948, Assoc-voc,11, Divorced, ?, Not-in-family, White, Male,0,0,48, United-States +<=50K,25, Local-gov,124483, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,37, Self-emp-inc,97986, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,31, Private,210562, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,233280, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,37, United-States +<=50K,53, Local-gov,164300, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, Dominican-Republic +<=50K,26, Private,227489, Some-college,10, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, ? +>50K,25, Private,263773, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,96459, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Federal-gov,116608, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,180007, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,305466, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,238917, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,25, Private,129784, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,367390, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,20, Private,235691, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,63, ?,166425, Some-college,10, Widowed, ?, Not-in-family, Black, Female,0,0,24, United-States +<=50K,43, Self-emp-not-inc,160369, 10th,6, Divorced, Farming-fishing, Unmarried, White, Male,0,0,25, United-States +<=50K,39, Private,206298, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,183523, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,17, Private,217342, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,5, United-States +<=50K,40, State-gov,141858, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +>50K,50, Private,213296, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Self-emp-inc,201682, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,60, Private,178312, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,65, United-States +<=50K,30, Private,269723, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,200593, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,32616, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,259510, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,30, United-States +<=50K,45, Self-emp-not-inc,271828, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,58, Self-emp-inc,78104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +<=50K,22, Private,113703, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,20, United-States +<=50K,41, Private,187802, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,440706, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,191834, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,149184, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,49, Self-emp-inc,315998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,159589, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,60313, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Local-gov,32855, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,58, Private,142326, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,61, Self-emp-not-inc,201965, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Private,172333, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +>50K,32, Private,206541, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,33, Self-emp-not-inc,177828, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Private,303440, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, Private,89991, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +>50K,35, Private,186009, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,170988, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,45, Self-emp-inc,180239, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,40, ? +<=50K,50, Self-emp-not-inc,213654, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,32316, 12th,8, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,150371, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,387871, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,28, Private,314649, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +>50K,42, Private,240255, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,60, Private,206339, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,230168, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,91, United-States +>50K,42, Private,171424, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,45, United-States +>50K,36, Private,148581, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,52, Local-gov,89705, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,248406, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,26, Local-gov,72594, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,31, Local-gov,137537, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,225065, 5th-6th,3, Separated, Sales, Unmarried, White, Female,0,0,40, Mexico +<=50K,35, Private,217274, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,69151, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,59, Self-emp-not-inc,81107, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,80, United-States +>50K,38, Private,205852, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,201117, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,397307, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,39, Private,115422, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,64, Private,114994, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Local-gov,39815, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,49, Private,151584, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,19, Private,164938, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,36, Self-emp-not-inc,179896, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,3137,0,40, United-States +<=50K,26, Private,253841, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,177955, 5th-6th,3, Never-married, Priv-house-serv, Other-relative, White, Female,2176,0,40, El-Salvador +>50K,66, Private,113323, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,40, United-States +<=50K,38, Private,320305, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,229287, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,25, United-States +<=50K,19, Private,100790, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,331419, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,4787,0,50, United-States +<=50K,22, Private,171419, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +>50K,60, Private,202226, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,44, United-States +>50K,54, Private,308087, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,18, United-States +<=50K,46, Private,220124, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,37, United-States +<=50K,33, State-gov,31703, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,51, Local-gov,153908, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,180599, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,18, ?,252046, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,60, Self-emp-inc,160062, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,39, Self-emp-not-inc,148443, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,91733, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,3325,0,40, United-States +<=50K,39, Private,176634, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Local-gov,74949, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,165484, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,44738, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,130040, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,234537, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,179016, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,335421, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, State-gov,312678, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,38, United-States +<=50K,22, ?,313786, HS-grad,9, Divorced, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,31, Private,198751, Bachelors,13, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,63, Private,131519, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,285060, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, State-gov,189765, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,23, Private,130905, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,146325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,102821, 12th,8, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,137876, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,388998, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,13550,0,46, United-States +<=50K,29, Private,82910, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,309122, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,60, Private,532845, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,195833, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, ? +<=50K,67, ?,98882, Masters,14, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,133515, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, France +<=50K,23, Private,55215, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,38, Self-emp-inc,176357, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,60, Private,185836, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,54152, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Private,212437, Some-college,10, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,48, United-States +<=50K,37, Private,224566, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,58, Private,200040, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,41526, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,30, Canada +<=50K,27, Private,89598, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,33, Private,323811, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,43, State-gov,30824, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Federal-gov,181096, Some-college,10, Never-married, Tech-support, Own-child, Black, Male,0,0,20, United-States +<=50K,45, Private,217953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,44, Private,222635, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,52, ?,121942, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,53, Private,346871, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,4787,0,46, United-States +<=50K,31, Private,184889, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,20, United-States +<=50K,18, Federal-gov,101709, 11th,7, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,15, Philippines +<=50K,20, Private,125010, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,32, Private,53135, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,498328, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,604380, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,174327, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,27, Self-emp-not-inc,357283, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Federal-gov,280728, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +>50K,69, Self-emp-not-inc,185039, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,12, United-States +>50K,50, Self-emp-inc,251240, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,143046, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Greece +<=50K,32, Private,210541, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,172364, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +>50K,52, Self-emp-not-inc,138611, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, United-States +>50K,50, Private,176227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +>50K,35, Private,139647, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,174461, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,73, ?,123345, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,65, United-States +<=50K,46, Private,164427, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,45, United-States +>50K,58, Private,205235, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,46, Self-emp-inc,192779, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,40, Private,163434, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,264055, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,336215, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,33, Federal-gov,78307, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,233059, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,91433, 10th,6, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Local-gov,157525, Some-college,10, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,48, United-States +<=50K,24, Private,86065, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Female,0,0,40, Mexico +<=50K,42, Private,22831, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,180181, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,212617, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,66, Ecuador +<=50K,22, ?,125905, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,336793, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,42, Private,314649, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,22, Private,283969, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,32, Self-emp-not-inc,35595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,410240, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,66, Private,178120, 5th-6th,3, Divorced, Priv-house-serv, Not-in-family, Black, Female,0,0,15, United-States +<=50K,26, State-gov,294400, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,46, Private,65353, Some-college,10, Divorced, Transport-moving, Own-child, White, Male,3325,0,55, United-States +>50K,55, Private,189719, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,23438, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,178037, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,109815, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,197860, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,271933, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,141663, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,19, ?,199609, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,56, Private,92215, 9th,5, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,93449, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,29, Private,235393, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,151864, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,189277, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,50, ?,204577, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,0,1902,60, United-States +>50K,42, Private,344572, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,265356, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,166880, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,70, United-States +>50K,60, Private,188650, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,69, Private,213249, Assoc-voc,11, Widowed, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,31, Private,112627, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,48, Private,125120, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,55, United-States +<=50K,23, Private,60409, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Private,243190, Assoc-acdm,12, Separated, Craft-repair, Unmarried, Asian-Pac-Islander, Male,8614,0,40, United-States +>50K,47, Private,583755, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,68089, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,39, Private,306646, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,186573, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,46, United-States +>50K,27, Private,279580, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,10520,0,45, United-States +<=50K,36, Private,437909, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,420691, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,33, Federal-gov,94193, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,154076, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,52, Private,145879, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,208946, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,32, United-States +<=50K,33, Private,231826, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,178587, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,213208, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,38, Jamaica +>50K,35, ?,139770, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,27, Private,153869, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,37, United-States +<=50K,24, Private,88676, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,44, Local-gov,151089, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,138621, Assoc-voc,11, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,20, United-States +>50K,45, Private,30457, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,75, Self-emp-not-inc,213349, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,47, Private,192776, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,192884, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,54, Private,103024, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,42, United-States +>50K,41, Federal-gov,510072, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,178615, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,249956, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,51, Private,177705, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Self-emp-inc,121124, Prof-school,15, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,25837, 11th,7, Never-married, ?, Own-child, White, Male,0,0,72, United-States +<=50K,43, Private,557349, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Yugoslavia +<=50K,30, Private,89735, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1504,40, United-States +<=50K,32, Private,222548, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,45, Private,47314, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, ? +<=50K,61, Private,316359, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,200089, 1st-4th,2, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, England +<=50K,56, Private,271795, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +<=50K,28, Private,31801, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,60, United-States +<=50K,23, Private,196508, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,55, Private,189933, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +<=50K,27, ?,501172, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,419,20, Mexico +<=50K,33, Private,361497, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,22, Private,150175, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,43, Local-gov,155106, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,62272, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,189916, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,324011, 9th,5, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,105803, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,67, ?,53588, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,107998, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,340567, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,39, Private,167777, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,29, Private,228860, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +>50K,45, Self-emp-inc,40666, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,44, Private,277488, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,42, Local-gov,195897, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,242984, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Local-gov,236497, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,312634, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,64, Private,59829, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, France +>50K,30, Private,24292, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Local-gov,180407, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,42, Germany +<=50K,49, Self-emp-not-inc,121238, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,35, Private,281982, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,348739, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,194189, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,329130, 11th,7, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,205939, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,2202,0,4, United-States +<=50K,31, Private,62165, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,224361, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,34722, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,175972, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,359428, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,24, ?,138504, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,37, United-States +<=50K,18, Private,268952, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,32, Private,257978, Assoc-voc,11, Widowed, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,118799, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, State-gov,78356, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, Jamaica +<=50K,30, Self-emp-not-inc,609789, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,123157, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,38, United-States +<=50K,74, Private,84197, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,10, United-States +<=50K,36, Private,162312, HS-grad,9, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,70, South +<=50K,36, Private,138441, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,239753, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2057,20, United-States +<=50K,39, Private,262158, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,25, Self-emp-inc,133373, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,21, Private,57916, HS-grad,9, Separated, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,39, State-gov,142897, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,38, Private,161016, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,20, Private,227491, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,25, United-States +<=50K,51, Private,306790, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,33831, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,188972, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,313546, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,220585, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,25, Local-gov,476599, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,163665, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,36, Private,306646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,206470, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +<=50K,34, Private,169583, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,19, State-gov,127085, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,18, Private,152044, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,3, United-States +<=50K,36, Private,111387, 10th,6, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,102318, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,29, Private,213692, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,163665, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,32, United-States +<=50K,35, Private,30529, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,290226, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,182136, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,73266, Some-college,10, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,19, State-gov,60412, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,70, Private,187891, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,194304, Some-college,10, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,55, United-States +<=50K,35, Private,160910, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,148300, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,39, Private,165743, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,50, Private,123174, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,37, ? +<=50K,43, Private,184018, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Federal-gov,188069, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Philippines +>50K,51, Private,138852, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,7298,0,40, El-Salvador +<=50K,29, ?,78529, 10th,6, Separated, ?, Unmarried, White, Female,0,0,12, United-States +<=50K,20, Private,164441, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,199419, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,181342, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,0,40, United-States +<=50K,44, Private,173382, Assoc-acdm,12, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,184924, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,1719,15, United-States +<=50K,25, Private,215384, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,424094, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Federal-gov,212120, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,185764, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,46, Local-gov,133969, Masters,14, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,22, Private,32616, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,149210, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,161210, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,53, Private,285621, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,282069, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,42, United-States +<=50K,22, Private,97508, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +>50K,33, Private,356823, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,10520,0,45, United-States +<=50K,28, Private,171133, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,231638, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,24, United-States +>50K,40, Private,191342, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,50, Private,226497, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,48, Self-emp-not-inc,373606, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,65, United-States +<=50K,30, Private,39150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,288840, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,38, United-States +<=50K,34, Private,293703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,42, Private,79586, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,82098, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,65, United-States +>50K,38, Private,245372, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,29, Private,78261, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,355996, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,218490, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,55, United-States +<=50K,44, Private,110908, Assoc-voc,11, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,25, United-States +>50K,42, Federal-gov,34218, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,49, Private,248895, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,363707, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,272411, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,128033, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,177287, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,44, Private,197344, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,285858, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,193868, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,232082, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,27408, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,45, Private,247043, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,27, Local-gov,162404, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,2174,0,40, United-States +<=50K,64, Private,236341, 5th-6th,3, Widowed, Other-service, Not-in-family, Black, Female,0,0,16, United-States +<=50K,66, Local-gov,179285, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3432,0,20, United-States +<=50K,34, Private,30433, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,45, Self-emp-not-inc,102771, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,221172, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,108116, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,26, Private,375499, 10th,6, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,20, United-States +<=50K,27, Private,178688, Assoc-voc,11, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,276709, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,23, ?,238087, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,47, Private,84790, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,37482, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, State-gov,178686, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,35, ?,153926, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +>50K,55, Private,110748, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,28, Private,116613, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +<=50K,21, Private,108687, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,365739, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,195284, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,38, Private,125933, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +>50K,37, Private,140854, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,81, Self-emp-not-inc,193237, 1st-4th,2, Widowed, Sales, Other-relative, White, Male,0,0,45, Mexico +<=50K,41, Private,46870, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,351324, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,189265, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,236564, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,557644, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,374454, HS-grad,9, Divorced, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,65, ?,160654, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,18, Private,122775, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,26, Private,214413, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Male,6497,0,48, United-States +<=50K,30, Private,329425, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +<=50K,61, Private,178312, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,241951, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,130143, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,41, Self-emp-inc,114580, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2415,55, United-States +>50K,43, Self-emp-inc,130126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,60, Private,399387, 7th-8th,4, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,15, United-States +<=50K,47, Private,163814, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,69586, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,237903, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, ?,219897, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,35, Canada +<=50K,31, Private,243165, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,33, State-gov,173806, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Self-emp-not-inc,65308, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,44, Private,408531, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,235786, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,37, Private,314963, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,81206, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Federal-gov,293196, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,95329, Masters,14, Divorced, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Local-gov,45474, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,372728, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,24, Jamaica +>50K,29, Federal-gov,116394, Bachelors,13, Married-AF-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,36, Self-emp-not-inc,34180, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,55, Private,327589, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,706180, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,32550, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,173858, Prof-school,15, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,51, Self-emp-inc,230095, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,139012, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,2463,0,40, Vietnam +<=50K,62, Private,174711, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +>50K,37, Private,171150, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +>50K,30, Self-emp-inc,77689, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,27, Private,193898, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,52, United-States +>50K,32, Private,195000, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,23, Private,303121, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,35, Self-emp-not-inc,188540, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,158656, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +>50K,45, Self-emp-inc,204196, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,27, Private,183802, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,46, Private,148995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,190903, 11th,7, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,37, State-gov,173780, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,42, Private,251239, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,45, Private,112761, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,33, State-gov,425785, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,197731, Assoc-voc,11, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,119156, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,56, Private,133819, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,185556, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,12, United-States +>50K,50, Private,109277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,36020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,45857, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,36, United-States +>50K,55, Private,184882, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,50, United-States +<=50K,41, State-gov,342834, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,234743, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,29, Federal-gov,106179, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,1408,40, United-States +<=50K,37, Private,177895, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,5013,0,40, United-States +<=50K,63, ?,257876, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,61, Private,86067, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,64, Private,66634, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,27828,0,50, United-States +<=50K,35, Private,138441, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,279802, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,407138, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2936,0,50, Mexico +>50K,58, Private,31732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,204172, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,48, United-States +<=50K,34, Private,100593, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,6, United-States +<=50K,33, Local-gov,162623, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Self-emp-not-inc,80933, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,47425, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,27, Private,107812, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Self-emp-inc,104443, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,117496, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,1755,40, United-States +<=50K,30, Private,209691, 7th-8th,4, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,314525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,190772, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Local-gov,199298, 5th-6th,3, Divorced, Other-service, Not-in-family, White, Female,0,0,45, ? +>50K,49, Private,187370, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,38, Private,216129, Bachelors,13, Divorced, Other-service, Not-in-family, Black, Female,0,0,60, ? +>50K,46, Federal-gov,219293, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,80, United-States +<=50K,17, Private,136363, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,45, Private,233799, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,27, Private,207611, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,178344, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +>50K,26, Self-emp-inc,187652, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,78, United-States +<=50K,23, Private,188545, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,1974,20, United-States +<=50K,44, Local-gov,58124, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,36, Private,321733, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,1741,40, United-States +<=50K,35, Private,206253, 9th,5, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, ?,152140, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,76281, Bachelors,13, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,606752, Masters,14, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,29933, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,114158, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,3325,0,10, United-States +<=50K,55, ?,227203, Assoc-acdm,12, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,5, United-States +>50K,35, Self-emp-inc,65624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,34146, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,68, United-States +<=50K,36, Self-emp-not-inc,34378, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,3908,0,75, United-States +<=50K,33, Private,141490, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,34, Private,199227, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,224954, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,231357, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-inc,113530, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,38, Private,22245, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,36383, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,35, Private,320305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,67, ?,201657, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,48935, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,101455, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Local-gov,243960, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,26, Private,90915, Assoc-acdm,12, Never-married, Other-service, Own-child, Black, Female,0,0,15, United-States +<=50K,28, Private,315287, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, Private,106255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,215895, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +>50K,33, Self-emp-not-inc,170979, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,44, Private,210525, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,195488, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, Guatemala +<=50K,18, Private,152246, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,16, United-States +>50K,60, Self-emp-not-inc,187794, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,60, United-States +>50K,44, Private,110396, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,56, United-States +>50K,81, ?,89391, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,43, State-gov,254817, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,41777, 12th,8, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,58, Self-emp-not-inc,234841, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,32, Private,79586, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,40, Private,115331, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,63564, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,132053, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1721,35, United-States +<=50K,44, Private,370502, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, Mexico +>50K,33, Private,59083, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,45, United-States +<=50K,25, Private,69413, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,32981, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,176683, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,62, ?,144116, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,209213, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, ? +<=50K,33, State-gov,150657, Bachelors,13, Never-married, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,124793, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,50, Private,22211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,270565, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,38251, Assoc-acdm,12, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,66, State-gov,162945, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051,0,55, United-States +<=50K,52, Private,195638, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,57, Self-emp-not-inc,118806, 1st-4th,2, Widowed, Craft-repair, Other-relative, White, Female,0,1602,45, Columbia +<=50K,41, Self-emp-not-inc,44006, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,119679, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1579,42, United-States +<=50K,19, Private,333953, 12th,8, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,45, Local-gov,172111, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +<=50K,51, Self-emp-not-inc,32372, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,99, United-States +<=50K,69, ?,117525, Assoc-acdm,12, Divorced, ?, Unmarried, White, Female,0,0,1, United-States +<=50K,45, Self-emp-not-inc,123681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,48, Private,317360, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,60, Federal-gov,119832, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,135056, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,19, State-gov,135162, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,39, Self-emp-not-inc,194004, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,46, Private,177633, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,58, Local-gov,212864, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +<=50K,36, Private,30509, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,21, Private,118712, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,41, Private,199018, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,151799, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,29, Private,181280, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,232024, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,33, Private,226267, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,240467, Masters,14, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +>50K,42, Private,154374, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,231473, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +>50K,59, Private,158813, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,36, Private,346478, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,45, United-States +>50K,54, Private,215990, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +>50K,39, Private,177154, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,42, Self-emp-not-inc,238188, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,96, United-States +<=50K,54, Self-emp-not-inc,156800, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,130620, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +>50K,50, Private,175339, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,37937, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +>50K,48, Federal-gov,166634, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,31, Private,221167, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,56, Private,179641, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,28, Local-gov,213195, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,34, Private,157747, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,227840, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Private,169104, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,44, Private,186916, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,60, United-States +<=50K,34, Private,37646, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,26, Private,157028, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,37, Private,188774, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,2824,40, United-States +<=50K,64, ?,146272, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,3411,0,15, United-States +<=50K,25, Private,182656, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,200471, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,358465, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,78602, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,44, Private,213416, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,46, Local-gov,345911, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, ?,119522, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Federal-gov,126320, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,235271, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,141745, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Private,359461, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,109351, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,8614,0,45, United-States +<=50K,62, Private,148113, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,75478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,100375, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,19, ?,28455, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,231413, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,119421, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,42, United-States +<=50K,17, Private,206998, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,58, Private,183810, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,187053, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Local-gov,155781, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,4064,0,50, United-States +<=50K,55, ?,193895, 7th-8th,4, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,48520, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-inc,170125, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,107584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,196742, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,52, ?,244214, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,48, Local-gov,127921, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,42617, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Local-gov,191389, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,38, Private,187983, Prof-school,15, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,215110, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,230292, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,90159, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,40, Private,175398, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,56, Self-emp-not-inc,53366, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,50, Private,46155, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,61708, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,6418,0,50, United-States +<=50K,32, Local-gov,112650, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,41, Private,173682, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,28, Private,160981, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,52, United-States +<=50K,53, Private,72257, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,26, ?,182332, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,60, Local-gov,48788, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,5455,0,55, United-States +<=50K,21, Private,417668, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,107458, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,73, Private,147551, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2174,50, United-States +>50K,43, Self-emp-inc,33729, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,101977, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,35, ?,374716, 9th,5, Married-civ-spouse, ?, Wife, White, Female,0,0,35, United-States +>50K,36, Private,214378, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,111243, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,50, United-States +<=50K,38, Private,252947, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,30, Local-gov,118500, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,195612, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,41, Local-gov,174575, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,190391, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,166715, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,41, Self-emp-not-inc,142725, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,37, Private,73471, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,47, United-States +<=50K,51, Private,241745, 5th-6th,3, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,35, Private,316141, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,7443,0,40, United-States +<=50K,61, Local-gov,248595, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,52, Private,90189, 7th-8th,4, Divorced, Priv-house-serv, Own-child, Black, Female,0,0,16, United-States +>50K,40, Private,205195, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,148940, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Local-gov,298035, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,154728, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,49, Private,166809, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,36, State-gov,97136, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,347623, Masters,14, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,117917, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,45, Private,266860, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,71864, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,35, United-States +>50K,47, Private,158451, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,2, United-States +<=50K,24, Private,229826, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,121788, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,151365, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,360884, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,54, Private,36480, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,43, Self-emp-not-inc,116666, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,35, United-States +<=50K,63, Local-gov,214143, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +<=50K,18, Private,45316, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,311974, 1st-4th,2, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,49, Self-emp-not-inc,48495, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,27, Private,115945, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,49, Local-gov,170846, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,142922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,71, ?,181301, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,286675, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,233168, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,46, United-States +<=50K,30, Private,177304, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,46, Private,336984, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +<=50K,32, Self-emp-not-inc,379412, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,180778, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,75, United-States +<=50K,25, Private,141876, Masters,14, Never-married, Prof-specialty, Unmarried, White, Male,0,0,45, ? +>50K,22, Private,228306, Some-college,10, Married-AF-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,329993, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,40, Private,247469, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,51, Private,673764, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,27828,0,40, United-States +<=50K,20, Private,155775, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,34, Private,81223, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,40, Private,236021, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, State-gov,103371, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,199480, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,53, Private,152657, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,42, Federal-gov,460214, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,38, Private,91039, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,41, Private,197372, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,64, ?,267198, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,30, State-gov,111883, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,66917, 11th,7, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0,0,40, Mexico +<=50K,19, Private,292583, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,391679, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,60, United-States +<=50K,35, Private,475324, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Self-emp-not-inc,218164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,101534, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,15, United-States +<=50K,38, Federal-gov,65706, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,50, Self-emp-not-inc,156606, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,200967, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,30, Local-gov,164493, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,547886, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,232145, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,96421, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,24, Outlying-US(Guam-USVI-etc) +<=50K,33, Private,554206, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, Philippines +>50K,50, Local-gov,234143, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,23, Private,380544, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,103886, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, State-gov,54709, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,46, United-States +<=50K,26, Private,276548, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,55, Local-gov,176046, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,2267,40, United-States +<=50K,37, Private,114605, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,323713, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,261382, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,223548, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, Mexico +<=50K,47, Self-emp-not-inc,355978, Doctorate,16, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,45, United-States +<=50K,44, Private,107218, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,31717, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,328947, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,148431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,121602, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,62, Private,244087, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,83425, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,157308, 11th,7, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,2829,0,14, Philippines +<=50K,23, Private,57898, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, State-gov,175304, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Self-emp-inc,102663, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,99175, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,37, Private,208358, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,361561, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,3, United-States +<=50K,23, Private,215115, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Federal-gov,207066, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,37, Federal-gov,160910, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,64879, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,430035, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, Mexico +<=50K,37, State-gov,74163, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Self-emp-inc,98389, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,386019, 9th,5, Never-married, Farming-fishing, Unmarried, White, Male,0,0,70, United-States +<=50K,17, Private,112795, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,48, Private,332465, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,38611, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,23, United-States +>50K,55, Private,368797, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +>50K,35, Private,24106, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,68, ?,108683, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,12, United-States +<=50K,35, Self-emp-not-inc,241998, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,53, Private,312446, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,69333, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,172538, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,275884, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,43479, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,34, Private,199864, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2057,40, United-States +<=50K,56, Private,235197, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,36, Private,170376, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,325179, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,19, ?,351195, 9th,5, Never-married, ?, Other-relative, White, Male,0,1719,35, El-Salvador +<=50K,33, Private,141841, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,48, Private,207817, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,32, Columbia +<=50K,20, Private,137974, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,64, Self-emp-inc,161325, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,50, United-States +<=50K,47, Private,293623, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,20, Private,37783, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Federal-gov,308027, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,149218, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,77, United-States +>50K,45, Local-gov,374450, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,5178,0,40, United-States +>50K,45, Local-gov,61885, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,27, State-gov,291196, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,41, Private,45366, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,20, Private,203027, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +>50K,54, Self-emp-inc,223752, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, ? +<=50K,17, Private,132680, 10th,6, Never-married, Other-service, Own-child, White, Female,0,1602,10, United-States +>50K,50, Private,155574, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,193565, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,123598, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,44, Private,456236, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,163229, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Local-gov,419740, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +>50K,43, Local-gov,118853, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,4386,0,99, United-States +<=50K,33, Private,31449, Assoc-acdm,12, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Private,204163, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,55, United-States +<=50K,17, Private,177629, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,186370, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,188307, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,55481, Masters,14, Never-married, Tech-support, Unmarried, White, Male,0,0,45, Nicaragua +>50K,48, Private,119471, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,56, Philippines +<=50K,61, Local-gov,167347, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,41, Private,184378, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,348960, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Local-gov,69640, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,297457, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,279593, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,2, United-States +<=50K,20, Private,211968, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,194561, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,23, Private,140414, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,24763, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,45, United-States +<=50K,38, State-gov,462832, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, Trinadad&Tobago +<=50K,36, Private,48972, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,35032, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,228583, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +>50K,51, Private,392668, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,84, United-States +>50K,35, Private,108140, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,112497, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +>50K,47, Federal-gov,142581, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,147982, 11th,7, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,31, State-gov,440129, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,200734, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, Trinadad&Tobago +<=50K,49, Private,31807, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,166153, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,45, Self-emp-inc,212954, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,46, Private,52291, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,70, Self-emp-not-inc,303588, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,96176, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,184632, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,137618, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,17, Private,160029, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,22, United-States +>50K,43, Private,178780, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,49, United-States +<=50K,19, Private,39756, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,37, Private,35309, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,117253, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,40, Local-gov,303212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,214542, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,60, Canada +<=50K,31, Private,342019, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,59, Private,126668, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,50, United-States +<=50K,27, Private,401508, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,40, Private,25005, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,99, United-States +<=50K,30, Self-emp-not-inc,85708, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,115677, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,32, United-States +<=50K,25, Private,144259, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,50, United-States +<=50K,22, Private,197583, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, State-gov,142766, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,132626, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +>50K,35, Self-emp-inc,185621, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,54, Local-gov,29887, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,56, United-States +<=50K,36, Private,117381, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,211482, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,90653, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,1380,40, United-States +<=50K,55, Private,209535, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Federal-gov,187873, Masters,14, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,174732, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,36, Private,297847, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,2001,40, United-States +>50K,58, Private,110213, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,162601, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,108438, 10th,6, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Self-emp-inc,132222, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,174394, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,71, Self-emp-not-inc,322789, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,35, United-States +>50K,51, Federal-gov,72436, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,27, ?,60726, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,190273, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,33, ?,393376, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,140571, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,584790, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,197666, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,24, Greece +<=50K,36, Private,245090, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,50, El-Salvador +>50K,42, Private,192569, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +>50K,31, Local-gov,158291, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,8614,0,40, United-States +<=50K,19, ?,113915, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,10, United-States +<=50K,38, Local-gov,287658, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,22, Private,192455, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,317040, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,54, United-States +>50K,36, Private,218689, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,17, Private,116626, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,1719,18, United-States +<=50K,30, Federal-gov,48458, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,241469, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,30, United-States +>50K,32, Private,167990, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,40, United-States +>50K,42, Private,261929, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,54, Private,425804, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,36, Private,33394, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,35, United-States +<=50K,58, Private,72812, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,89040, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,164518, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,51, Private,182740, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,52, Private,361875, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,25, Private,197130, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,340335, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,293984, 10th,6, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,59, State-gov,261584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,21, Private,170302, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,50, United-States +>50K,45, Private,481987, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +<=50K,26, Private,88449, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,68, Self-emp-not-inc,261897, 10th,6, Widowed, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +>50K,60, Private,250552, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,88513, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,18, United-States +<=50K,41, Private,168293, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,283921, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,407043, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,63745, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,49893, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,241962, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,338416, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,60, United-States +<=50K,21, ?,212888, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,56, United-States +>50K,57, Federal-gov,310320, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +>50K,55, Private,359972, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,51, Private,64643, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, ? +>50K,56, Private,125000, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,286675, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, Private,165532, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,349986, Assoc-voc,11, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,213140, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,41, Federal-gov,219155, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, India +<=50K,33, Private,183612, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,391114, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,219632, 5th-6th,3, Married-spouse-absent, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +>50K,46, Self-emp-inc,320124, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,15024,0,40, United-States +<=50K,40, Private,799281, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,42, Private,657397, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,31, State-gov,373432, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,55, United-States +<=50K,51, Private,168660, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,191149, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,57, United-States +<=50K,37, Private,356824, HS-grad,9, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,191782, 11th,7, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,63, Self-emp-not-inc,29859, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,60, United-States +<=50K,52, Private,204226, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Local-gov,246862, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,3325,0,40, United-States +<=50K,28, Private,496526, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,426431, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,34, Private,84154, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,37, Federal-gov,45937, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,130021, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,63021, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,367306, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,65624, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,144928, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,117747, Some-college,10, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,18, Private,266681, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,152035, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,190023, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,233130, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,21, Private,149637, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,62, Federal-gov,224277, Some-college,10, Widowed, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,121559, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,230951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,345285, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,65, Self-emp-not-inc,28367, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,320744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,50, United-States +<=50K,31, Private,243773, 9th,5, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,56, Private,151474, 9th,5, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,135465, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,210781, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,36, Local-gov,359001, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,48, Private,119471, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,30, Private,226396, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,35, Private,283122, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,326400, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,32, ?,169186, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,56, Private,158752, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,29, ?,208406, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,96741, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,38, State-gov,255191, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,177733, 9th,5, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,35, Dominican-Republic +<=50K,54, State-gov,137815, 12th,8, Never-married, Other-service, Own-child, White, Male,4101,0,40, United-States +<=50K,36, ?,187203, Assoc-voc,11, Divorced, ?, Own-child, White, Male,0,0,50, United-States +<=50K,42, Private,168515, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,122672, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,195199, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,69, Local-gov,179813, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,10, United-States +<=50K,32, Private,178623, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Female,0,0,46, Trinadad&Tobago +<=50K,50, Private,41890, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,373050, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,45, Private,80430, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,198613, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,330571, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,28, Private,209205, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,132243, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,5, United-States +<=50K,43, Self-emp-not-inc,237670, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,22, Private,193586, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,62, Self-emp-not-inc,197353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,21, Self-emp-not-inc,74538, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,25, United-States +<=50K,37, Private,89718, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,93169, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,74, Self-emp-not-inc,292915, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1825,12, United-States +<=50K,43, Private,328570, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Private,312157, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,193459, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,236804, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,126223, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,51, State-gov,172281, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,64, Private,153894, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,40, Peru +<=50K,35, Private,331395, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, Self-emp-not-inc,92472, 10th,6, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3273,0,45, United-States +>50K,32, Private,318647, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,332931, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,66, Self-emp-inc,76212, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,301168, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Italy +<=50K,22, Private,440969, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,32, Private,154950, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,218343, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,239577, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,247936, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,2, Taiwan +<=50K,62, Local-gov,203525, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,24, Private,182342, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,25649, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,27, Private,243569, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942,0,40, United-States +>50K,38, Private,187870, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,90, United-States +<=50K,20, ?,289116, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,30, Private,487330, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,17, ?,34019, 10th,6, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,17, ?,250541, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,8, United-States +<=50K,21, Self-emp-not-inc,318987, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,140558, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,59, Local-gov,303455, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,4787,0,60, United-States +<=50K,37, Self-emp-not-inc,76855, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,308764, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,50, Federal-gov,339905, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,227856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,55, Private,156430, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,98265, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, Private,116640, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,3471,0,20, United-States +<=50K,39, Private,187167, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,184078, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,108140, Bachelors,13, Divorced, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,44, Private,150533, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,1876,55, United-States +<=50K,51, Self-emp-not-inc,313702, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,39803, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1719,36, United-States +<=50K,25, Private,252752, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Female,0,0,45, United-States +>50K,52, Private,111700, Some-college,10, Divorced, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,45, Private,361842, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,231438, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,20, Private,178469, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,15, ? +<=50K,64, Local-gov,116620, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,34, Private,112212, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,74, Self-emp-not-inc,109101, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,4, United-States +>50K,58, Federal-gov,72998, 11th,7, Divorced, Craft-repair, Not-in-family, Black, Female,14084,0,40, United-States +>50K,44, Private,147265, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,314645, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,23, Private,444554, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,129629, Assoc-voc,11, Never-married, Tech-support, Other-relative, White, Female,0,0,36, United-States +>50K,34, Private,106761, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,189924, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,33, Private,311194, 11th,7, Never-married, Sales, Unmarried, Black, Female,0,0,17, United-States +<=50K,50, Self-emp-not-inc,89737, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,49298, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Self-emp-inc,190333, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +<=50K,18, Private,251923, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,49, Local-gov,298445, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,60, United-States +<=50K,34, Private,180284, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,51, Private,154342, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +>50K,56, State-gov,68658, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,203783, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,8, United-States +<=50K,23, Private,250037, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,158688, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,214781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,60, Federal-gov,404023, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,10520,0,40, United-States +<=50K,57, State-gov,109015, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,194630, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,239375, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,35576, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2415,50, United-States +>50K,39, Federal-gov,363630, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7688,0,52, United-States +<=50K,32, Self-emp-not-inc,182926, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,117222, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,15, United-States +<=50K,30, Private,110643, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,52, United-States +<=50K,56, Self-emp-not-inc,170217, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,193285, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,161075, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,59, Private,322691, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,229431, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,11, United-States +<=50K,60, ?,106282, 9th,5, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,105694, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,42, United-States +<=50K,24, Private,199883, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, State-gov,100800, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Private,256278, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Other-relative, Other, Female,0,0,30, El-Salvador +>50K,32, Private,156464, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,50, United-States +<=50K,51, Self-emp-inc,129525, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, ? +<=50K,18, Private,285013, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,28, Private,248911, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, ? +>50K,33, ?,369386, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,5178,0,40, United-States +<=50K,38, Private,219902, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,0,0,30, United-States +<=50K,29, Private,375482, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, England +<=50K,25, Private,169124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,183000, Prof-school,15, Never-married, Tech-support, Not-in-family, White, Male,0,0,55, United-States +<=50K,34, Private,28053, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,34, Private,242984, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +>50K,66, State-gov,132055, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1825,40, United-States +<=50K,41, Private,212894, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Guatemala +<=50K,62, Private,223975, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,58, Private,357788, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,406811, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, Canada +<=50K,24, Private,154422, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,47, Private,140644, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,355477, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,32, Private,151773, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, State-gov,341548, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,512771, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,60, ?,141580, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,48988, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,201022, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,20, Private,82777, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,152676, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, Puerto-Rico +<=50K,18, Private,115815, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,168009, 10th,6, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +>50K,28, Private,213152, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +>50K,55, Private,89690, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,126868, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,52, Private,95128, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,185567, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,301408, Some-college,10, Never-married, Sales, Own-child, White, Female,0,1602,22, United-States +<=50K,35, Private,216256, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,182541, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,48, United-States +<=50K,39, Private,172855, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Private,68684, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,42, Private,364832, 7th-8th,4, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, ?,264300, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,59, Self-emp-inc,349910, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,276218, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,251196, Some-college,10, Never-married, Protective-serv, Own-child, Black, Female,0,0,20, United-States +<=50K,33, Private,196898, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,58343, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-inc,101061, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,70, United-States +>50K,46, Private,415051, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,24, Private,174043, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,129460, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,30, Ecuador +<=50K,21, State-gov,110946, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,43, United-States +<=50K,22, Private,313873, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +>50K,61, Private,81132, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,56, Federal-gov,255386, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,21, Private,191497, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,17, Private,128617, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,26, United-States +>50K,29, Private,368949, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +>50K,28, Local-gov,263600, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,257277, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,39, Private,339442, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,2176,0,40, United-States +<=50K,30, Local-gov,289442, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,162667, 11th,7, Never-married, ?, Unmarried, White, Male,0,0,40, El-Salvador +<=50K,18, Local-gov,466325, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,54, Private,142169, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,252079, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,119628, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Hong +>50K,50, Private,175804, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,70720, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,78, United-States +<=50K,50, State-gov,201513, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,45, Private,257609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,124692, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,268525, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,250630, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,180277, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Hungary +<=50K,39, Self-emp-not-inc,191342, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, South +>50K,29, Private,250967, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,48, United-States +<=50K,46, Private,153254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,362600, 5th-6th,3, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,68, Private,171933, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, Private,211408, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,48193, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,22463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,440969, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,21, State-gov,164922, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,41, Local-gov,134524, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Female,0,0,45, United-States +<=50K,61, Private,176689, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,220993, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,512828, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,36, State-gov,422275, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,37, Local-gov,65291, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,69, Private,197080, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,9386,0,60, United-States +<=50K,49, Federal-gov,181657, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,55, Private,190257, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,53, United-States +<=50K,21, Private,238068, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,337046, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,187248, HS-grad,9, Married-civ-spouse, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, ?,250037, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,18, ? +<=50K,46, Private,285750, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064,0,55, United-States +<=50K,23, Private,260617, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,216999, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,531055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,48, United-States +<=50K,42, State-gov,121265, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Local-gov,184466, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,45, Private,297676, Assoc-acdm,12, Widowed, Sales, Unmarried, White, Female,0,0,40, Cuba +<=50K,52, Private,114228, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,22, Local-gov,121144, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,18, United-States +<=50K,20, Private,26842, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,2176,0,40, United-States +<=50K,27, Private,113054, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,43, United-States +<=50K,36, Private,256636, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,152246, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,52, United-States +>50K,38, Private,108140, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,203353, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,207207, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,21, Private,115420, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,80058, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,48520, Assoc-acdm,12, Never-married, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,61, Private,411652, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,154405, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,45, United-States +>50K,55, Local-gov,104917, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,19, State-gov,261422, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,48915, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,172037, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,144833, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,275116, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,61, ?,72886, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,38, United-States +<=50K,61, Private,103575, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,54, Private,200783, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,152810, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, Germany +>50K,37, Local-gov,44694, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,17, ?,48703, 11th,7, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,56, Private,91905, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,4, United-States +>50K,31, Private,168906, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,32, State-gov,147215, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,28, Private,153546, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,35595, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,225507, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,42, Private,345504, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,64, Private,137205, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,327779, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,41, ?,213416, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,32, Mexico +<=50K,45, Private,362883, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Private,131309, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,188331, Some-college,10, Separated, Tech-support, Not-in-family, White, Female,0,0,38, United-States +<=50K,34, Federal-gov,194740, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,43711, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,187033, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,23, Private,233923, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,51, Private,84278, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,437666, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,50, United-States +>50K,57, Private,186386, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Male,10520,0,40, United-States +<=50K,23, Private,129767, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,1721,40, United-States +>50K,34, Private,180284, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,108320, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,4101,0,40, United-States +>50K,56, Self-emp-inc,75214, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,42, Private,284758, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,188330, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,38, Private,333651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,70, United-States +>50K,29, Local-gov,115305, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,40, United-States +<=50K,54, Private,172962, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,1340,40, United-States +>50K,40, Private,198096, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,163265, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,128608, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,107460, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,37, United-States +<=50K,51, Private,251841, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,28, Private,403671, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +>50K,58, Private,159378, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,170070, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,25, United-States +<=50K,46, State-gov,192323, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,135796, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,22, Private,232985, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,28, Private,34532, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,0,30, Jamaica +<=50K,17, ?,371316, 10th,6, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,23, Private,236994, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,60, United-States +<=50K,19, Private,208366, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, State-gov,102640, HS-grad,9, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,38, Private,111377, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Federal-gov,472166, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, ?,86551, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,47, Private,70943, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,39, Private,294919, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,22, Private,408383, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,255454, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,30, United-States +<=50K,32, Private,193260, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,29, ?,191935, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Local-gov,125461, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,97005, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,183319, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,32, State-gov,167049, 12th,8, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,185216, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,161838, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,57, United-States +<=50K,38, Private,165848, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,21, Private,138816, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,33, Self-emp-not-inc,99761, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Private,112139, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,129020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, ?,365465, Assoc-voc,11, Never-married, ?, Own-child, White, Male,0,0,15, United-States +>50K,27, Self-emp-not-inc,259873, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,60, United-States +>50K,35, Self-emp-inc,89622, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, State-gov,201556, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,176286, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,192894, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,30, United-States +<=50K,37, Private,172232, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,38, Self-emp-not-inc,163204, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,25, United-States +>50K,37, Private,265737, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,60, Cuba +>50K,44, Private,215304, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,185952, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,216845, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,42, United-States +<=50K,34, Local-gov,35683, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,10, United-States +>50K,50, Self-emp-not-inc,371305, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +>50K,46, Private,102359, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,200089, 5th-6th,3, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, Guatemala +>50K,47, State-gov,207120, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,46, Private,295334, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,234537, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,142922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, State-gov,181641, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,37, United-States +<=50K,36, Private,185325, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +>50K,28, Private,167336, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,40, United-States +<=50K,22, Private,379778, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,176117, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,33, Private,100228, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,150296, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,43, Federal-gov,25005, Masters,14, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,12, United-States +>50K,55, Private,134120, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,39, Self-emp-not-inc,251710, 10th,6, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,1721,15, United-States +<=50K,20, Private,653574, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,33, El-Salvador +<=50K,38, Private,175441, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,333119, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,89154, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,42, El-Salvador +<=50K,60, Private,198727, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,43, Private,87284, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,180686, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,227070, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,48, El-Salvador +>50K,57, Local-gov,189824, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298,0,40, United-States +<=50K,25, Local-gov,348986, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, Private,96185, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,22, Private,112693, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,417605, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,61, Self-emp-not-inc,140300, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,28, Private,340408, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,46, United-States +<=50K,17, ?,187539, 11th,7, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,21, Private,237051, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,49, Private,175622, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,389725, 12th,8, Divorced, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,23, Private,182812, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,38, Self-emp-not-inc,245372, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137,0,50, United-States +>50K,34, Local-gov,93886, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,46, United-States +<=50K,21, Private,502837, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, Peru +>50K,27, State-gov,212232, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,57, Private,300104, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,22, Private,156933, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,25, United-States +<=50K,20, Private,286734, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,35, United-States +>50K,49, Self-emp-inc,143482, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,65, United-States +<=50K,38, Private,226357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,104892, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,223194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1485,40, Haiti +<=50K,37, Self-emp-not-inc,272090, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,57, Private,204816, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,56, Private,230039, 7th-8th,4, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,41, Private,242619, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,50, Self-emp-not-inc,131982, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,33, Private,87310, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,134566, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,28, Federal-gov,163862, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,35, Private,239409, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,203717, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,45, Private,172274, Doctorate,16, Divorced, Prof-specialty, Unmarried, Black, Female,0,3004,35, United-States +<=50K,30, Self-emp-not-inc,65278, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,135289, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,246974, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,180060, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Yugoslavia +<=50K,24, Private,118023, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,102308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, Private,45564, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,137646, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,237646, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,31, Local-gov,189843, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,47, United-States +<=50K,43, Self-emp-not-inc,118261, Masters,14, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,45, Private,288437, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,4064,0,40, United-States +<=50K,39, Private,106347, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,316471, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,50058, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Self-emp-not-inc,182089, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,85, United-States +>50K,36, Private,186865, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, State-gov,158206, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,61, ?,229744, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,3942,0,20, Mexico +<=50K,27, Private,141545, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,45, United-States +>50K,59, Local-gov,50929, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,132529, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,260696, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,231180, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,40, Private,223277, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,279538, 11th,7, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,2961,0,35, United-States +<=50K,47, Private,46044, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,168071, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,79691, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,75, ?,114204, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,13, United-States +<=50K,25, Private,124111, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,104521, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,29, Self-emp-not-inc,128516, Assoc-acdm,12, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,112564, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,45, State-gov,32186, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,239663, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,2597,0,50, United-States +<=50K,46, Private,269284, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, State-gov,175537, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,38, United-States +>50K,29, Private,444304, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,27415, 11th,7, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,39, Private,174343, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,148143, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,209213, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, ? +<=50K,20, Private,165097, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,51574, HS-grad,9, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,1602,38, United-States +>50K,52, Private,167651, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,29075, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,22, Private,396895, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,66, State-gov,71075, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,35, Private,129573, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,40, Local-gov,183765, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,164991, HS-grad,9, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,38, United-States +<=50K,51, Local-gov,154891, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,52, United-States +<=50K,34, Private,200117, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,176389, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,342567, Bachelors,13, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,178841, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Local-gov,191149, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,29702, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,21, Private,157893, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,40, United-States +<=50K,64, Local-gov,31993, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,10, United-States +<=50K,24, Federal-gov,210736, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1974,40, United-States +<=50K,23, Private,39615, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,29, Private,200511, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,47818, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,28, Private,183155, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,33, Self-emp-inc,374905, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,128876, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,202872, 10th,6, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,153414, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,24790, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,32, Private,316769, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,37, Private,126569, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,128538, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, Private,234640, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,29, ?,65372, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,343377, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,52, Federal-gov,30731, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,412379, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Self-emp-inc,112320, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,63, Private,181929, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,32, Local-gov,100135, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,24, Private,128061, HS-grad,9, Never-married, Other-service, Own-child, White, Female,594,0,15, United-States +<=50K,72, ?,402306, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,32, Canada +<=50K,35, ?,98389, Some-college,10, Never-married, ?, Unmarried, White, Male,0,0,10, United-States +<=50K,29, Private,179565, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,64922, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,70, Private,102610, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +>50K,65, ?,115513, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,5556,0,48, United-States +<=50K,36, Private,150548, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +>50K,53, Private,133219, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,4386,0,30, United-States +<=50K,49, Local-gov,67001, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,60, Private,162347, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,18, Private,138557, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,170456, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, Italy +<=50K,42, Private,66006, 10th,6, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, State-gov,176077, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,37, United-States +<=50K,32, Private,218322, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-inc,181691, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, ? +>50K,47, Private,168232, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,161690, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,242736, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,67317, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,265807, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,55, United-States +<=50K,37, Private,99357, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,56, Private,170070, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,52, State-gov,231166, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,62339, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, State-gov,118520, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +>50K,45, Private,155659, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,157331, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,341762, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,164190, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,45, Private,83064, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,304283, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,436798, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,29302, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, ? +>50K,43, Private,104660, Masters,14, Widowed, Exec-managerial, Unmarried, White, Male,4934,0,40, United-States +<=50K,42, Private,79036, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,72, Private,165622, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, ?,177287, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,57, Private,199847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,24, Private,22966, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,59068, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,77336, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,96524, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,143868, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,48, Private,121424, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,176279, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Self-emp-inc,177905, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,70, United-States +<=50K,50, Private,205100, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, ? +<=50K,57, Private,353881, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Local-gov,177937, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,20, ?,122244, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,28, United-States +<=50K,49, Private,125892, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,155472, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, Black, Female,1151,0,50, United-States +<=50K,42, Private,355728, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,18, ?,245274, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,18, Private,240330, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,51, Private,182944, HS-grad,9, Widowed, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,264498, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,110426, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,45, United-States +<=50K,25, Private,166971, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +>50K,41, Private,347653, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,39, Private,33975, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,215219, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,33, Private,190772, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1617,40, United-States +<=50K,63, ?,331527, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,47, Private,162494, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,27, Local-gov,85918, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,68, United-States +>50K,39, Private,91367, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,45, United-States +<=50K,20, Private,182342, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,129640, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, ?,133536, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,28, United-States +<=50K,46, Private,148738, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1740,35, United-States +>50K,47, Private,102583, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,35, Private,111387, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,241752, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, ?,334593, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,101950, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,60, Local-gov,212856, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,53, Private,183973, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,142061, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,158615, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,29145, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,40135, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,224640, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, ?,146651, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,167737, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,50, United-States +<=50K,23, Private,60331, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,187167, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, ?,157131, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,27, Local-gov,255237, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, ?,192325, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,40, Private,163342, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,31, Private,129775, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,18, Private,206008, Some-college,10, Never-married, Sales, Unmarried, White, Male,2176,0,40, United-States +<=50K,25, Private,397317, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,745768, Some-college,10, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,141550, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,35576, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,376383, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,35, Mexico +>50K,48, Self-emp-not-inc,200825, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,34, ?,362787, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,35, United-States +>50K,46, Private,116789, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,160300, HS-grad,9, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,362654, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,107801, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,3, United-States +<=50K,65, Private,170939, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,6723,0,40, United-States +<=50K,31, Local-gov,224234, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,478346, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,40, United-States +<=50K,68, Private,211162, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,147638, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,42, Private,104647, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Private,67365, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,230959, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,1887,40, Philippines +>50K,39, Private,176335, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,65, United-States +<=50K,31, Self-emp-not-inc,268482, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,288731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,231082, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,42, State-gov,333530, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,62, Private,214288, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,118023, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,21, Private,187088, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Female,0,0,20, Cuba +<=50K,60, ?,174073, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,133833, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,30, Private,229772, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,210082, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Private,119287, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,28, United-States +>50K,41, Self-emp-not-inc,111772, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,25, Private,122999, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Private,44767, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,200574, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,44, United-States +>50K,58, Private,236596, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,33124, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, United-States +<=50K,50, Local-gov,308764, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,103524, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,31, ?,99483, HS-grad,9, Never-married, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,50, Private,230951, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,99355, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,857532, 12th,8, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,62, Private,81116, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,1974,40, United-States +<=50K,38, Private,154410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, Poland +<=50K,19, Private,198943, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,311696, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,38, Private,252897, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,25, United-States +>50K,42, Self-emp-not-inc,39539, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,49, Self-emp-inc,122066, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,25, United-States +>50K,53, Private,110977, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +>50K,45, Local-gov,199590, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, Mexico +<=50K,24, Private,202721, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,197565, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,24, Private,206827, Some-college,10, Never-married, Sales, Own-child, White, Female,5060,0,30, United-States +>50K,38, Federal-gov,190895, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,25, Self-emp-inc,158751, Assoc-voc,11, Never-married, Transport-moving, Unmarried, White, Male,0,0,55, United-States +<=50K,51, State-gov,243631, 10th,6, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,17, ?,219277, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,45381, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +>50K,38, Private,167482, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,60, Private,225014, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,405083, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, ?,186061, Some-college,10, Widowed, ?, Unmarried, Black, Female,0,4356,40, United-States +<=50K,28, Federal-gov,24153, 10th,6, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,36, Private,126569, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Ecuador +<=50K,57, ?,137658, HS-grad,9, Married-civ-spouse, ?, Husband, Other, Male,0,0,5, Columbia +<=50K,24, Private,315476, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,248186, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,29, Self-emp-inc,206903, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,67, Self-emp-not-inc,191380, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,25, United-States +<=50K,20, Private,191910, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,145119, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,20, Private,130840, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,33126, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,334105, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,19, Local-gov,354104, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,111985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Local-gov,321187, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,33, Private,138142, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,36, Private,296999, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,37, United-States +>50K,43, Private,155106, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,2444,70, United-States +<=50K,41, Local-gov,174491, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,34, State-gov,173266, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,33, Private,25610, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Other, Male,0,0,40, Japan +<=50K,47, Private,187563, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,196344, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Mexico +>50K,40, Private,205047, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,715938, Bachelors,13, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,62, Self-emp-not-inc,224520, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,90, United-States +<=50K,29, Private,229656, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,46, Private,97883, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,131298, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Federal-gov,197875, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,172766, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,28, Local-gov,175796, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,51973, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +>50K,54, Self-emp-not-inc,28186, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,27828,0,50, United-States +<=50K,22, Private,291979, 11th,7, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, State-gov,180752, Bachelors,13, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,50, Private,234657, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,39411, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +>50K,52, State-gov,334273, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,192779, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,21, ?,105312, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,36, Private,171676, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1741,40, United-States +>50K,34, Self-emp-not-inc,182714, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,21, Private,231866, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,102102, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, ?,50248, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,195519, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,22, State-gov,34310, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,33, ?,314913, 11th,7, Divorced, ?, Own-child, White, Male,0,0,53, United-States +>50K,36, State-gov,747719, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,43, Local-gov,188280, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,914,0,40, United-States +>50K,25, Private,110978, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,37, India +<=50K,17, Private,79682, 10th,6, Never-married, Priv-house-serv, Other-relative, White, Male,0,0,30, United-States +>50K,45, Private,294671, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,38, United-States +<=50K,30, Private,340899, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,1590,80, United-States +<=50K,40, Private,192259, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,31, Local-gov,190228, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,118947, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,53, Private,55861, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,238433, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +<=50K,37, State-gov,166744, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,54, Private,144586, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,134367, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,133616, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,203039, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,32, Private,217460, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,106733, 11th,7, Never-married, Craft-repair, Own-child, White, Male,594,0,40, United-States +<=50K,42, State-gov,212027, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Local-gov,126569, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,289960, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,54, Private,174102, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,181716, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,46, Local-gov,172822, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,293091, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,107443, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Portugal +<=50K,59, Private,95283, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, Private,65278, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,220943, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,1594,40, United-States +<=50K,53, Private,257940, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829,0,40, United-States +<=50K,26, Private,134945, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,105582, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,2228,0,50, United-States +<=50K,46, Private,169324, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,45, Jamaica +>50K,44, State-gov,98989, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,38, United-States +<=50K,30, Self-emp-not-inc,113838, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,3137,0,60, Germany +<=50K,24, Private,143436, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,32, Private,143604, 10th,6, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,37, United-States +<=50K,35, Private,226311, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,67, Private,94610, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,56, Self-emp-not-inc,26716, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,160261, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,46, Private,117310, Assoc-acdm,12, Widowed, Tech-support, Unmarried, White, Female,6497,0,40, United-States +>50K,52, Private,154342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,38, Self-emp-not-inc,89202, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,174704, HS-grad,9, Divorced, Sales, Unmarried, Black, Male,0,0,50, United-States +<=50K,53, Private,153486, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,360097, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,230356, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,163870, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,199753, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,20, Private,333505, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, Nicaragua +<=50K,60, Local-gov,149281, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,138514, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Female,0,0,48, United-States +>50K,57, Federal-gov,66504, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,59, Private,206487, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,170020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,217605, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +>50K,43, Private,145711, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,17, Private,169155, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,45, Private,34127, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,110142, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,222646, 12th,8, Separated, Machine-op-inspct, Other-relative, White, Female,0,0,40, Cuba +<=50K,18, Private,182643, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,9, United-States +<=50K,20, Private,303565, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, Germany +<=50K,34, Private,140092, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,178811, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,20, United-States +<=50K,18, ?,267399, 12th,8, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,17, Local-gov,192387, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,30, Federal-gov,127610, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,258862, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,45, United-States +>50K,30, Private,225231, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,8614,0,50, United-States +<=50K,18, Private,174926, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,15, ? +<=50K,50, State-gov,238187, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,22, Private,191444, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,198822, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,39, Self-emp-not-inc,251323, 9th,5, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,40, Cuba +<=50K,20, Private,168187, Some-college,10, Never-married, Other-service, Other-relative, White, Female,4416,0,25, United-States +<=50K,62, Private,370881, Assoc-acdm,12, Widowed, Other-service, Not-in-family, White, Female,0,0,7, United-States +<=50K,32, Private,198183, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +>50K,38, Private,210610, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,269182, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,3887,0,40, United-States +<=50K,55, Private,141727, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,3464,0,40, United-States +>50K,38, Private,185848, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,70, United-States +<=50K,34, Private,46746, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Private,120475, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,135845, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,41, Private,310255, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,61, State-gov,379885, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,75, Self-emp-not-inc,31428, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456,0,40, United-States +<=50K,21, Private,211013, Assoc-voc,11, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,50, Mexico +>50K,50, Private,175029, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,119539, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, ? +<=50K,26, Private,247025, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,39, Private,252327, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,24, Self-emp-not-inc,375313, Some-college,10, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,56, Private,107165, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,18, United-States +<=50K,17, Private,108470, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,17, United-States +>50K,37, Private,150057, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,23, Private,189468, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,28, ?,198393, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,181031, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,42, Local-gov,569930, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,27411, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,147397, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,39, Private,242922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,54, Private,154949, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,41, Self-emp-inc,423217, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, Federal-gov,195385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,100009, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,191628, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,34, Private,340880, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Philippines +<=50K,19, Private,207173, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,33, Private,48010, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,229051, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +>50K,49, Private,193366, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,31, Private,57781, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,69, ?,121136, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,13, United-States +>50K,41, Private,433989, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,4386,0,60, United-States +<=50K,24, Private,136687, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Other, Female,0,0,40, United-States +>50K,45, State-gov,154117, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,63, Private,294009, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,75, Private,239038, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,34, Private,244064, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,69, Private,128348, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,9386,0,50, United-States +<=50K,33, Private,66278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,162643, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +>50K,45, Private,179659, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,18, Private,205218, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,48, Private,154033, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,52, United-States +>50K,43, Private,158528, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,26, Private,366219, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1848,60, United-States +<=50K,35, Private,301862, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,34, Private,228406, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,120131, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,70, United-States +<=50K,54, Local-gov,127943, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,57, Private,301514, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,156980, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,28, Private,124685, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,55, United-States +>50K,51, Private,305673, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +>50K,34, Local-gov,31391, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,53, United-States +>50K,41, Local-gov,33658, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,211391, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,27, United-States +>50K,26, Private,402998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,66, Private,78855, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,320451, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,45, Hong +<=50K,48, Private,49278, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, ?,248876, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,242586, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Private,359696, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,60, United-States +>50K,55, Local-gov,296085, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,43, Private,233130, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,189511, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Germany +<=50K,31, Private,124420, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,67072, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,6849,0,60, United-States +<=50K,51, Private,194908, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Local-gov,94991, HS-grad,9, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,18, Private,194561, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,60, Private,75726, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,1092,40, United-States +<=50K,29, Private,60722, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,33, Private,59944, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,220840, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,40, Self-emp-inc,104235, Masters,14, Never-married, Other-service, Own-child, White, Male,0,0,99, United-States +<=50K,57, Private,142714, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,55, Local-gov,110490, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,40, Self-emp-not-inc,154076, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, State-gov,130557, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,107108, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,207172, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +>50K,29, Private,304595, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Private,475322, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,65, Private,107620, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,19, Private,301911, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,35, Laos +>50K,35, Private,267866, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1887,50, Iran +<=50K,28, Private,269786, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,167474, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,61, Private,115023, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,60, United-States +<=50K,63, Local-gov,86590, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,32, United-States +>50K,47, State-gov,187087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,184307, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,225859, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,2907,0,30, United-States +>50K,29, Private,57889, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,157932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,187830, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,62, United-States +<=50K,49, Private,251180, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,2407,0,50, United-States +>50K,60, Private,317083, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, Self-emp-not-inc,190895, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,328606, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,403860, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,215479, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,56, Private,157639, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,152129, 12th,8, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,53, Private,239284, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,234302, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Private,218724, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,106330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,35032, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,234641, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,170730, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,31, Private,218322, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,90, Private,47929, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,142411, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,219122, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,132887, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,3411,0,40, Jamaica +<=50K,34, State-gov,44464, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,28, Private,180928, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,55, United-States +<=50K,22, ?,199426, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,139703, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,202642, Bachelors,13, Separated, Prof-specialty, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,17, Private,160049, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,38, Private,239755, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,152369, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,34, Private,42900, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,72, ?,117017, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,57, Private,175017, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Italy +<=50K,39, Private,342642, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, Self-emp-not-inc,143730, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,45, Private,191098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,37, Private,208106, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,167737, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,43, Private,315971, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,41, Private,142717, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,36, United-States +<=50K,20, Private,190227, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,44, Private,79864, Masters,14, Separated, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +>50K,50, Private,34067, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,222882, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,31, Private,44464, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1564,60, United-States +<=50K,33, Private,256062, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,22, Private,251073, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,46, Private,149949, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,165235, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,22, ?,243190, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, China +<=50K,59, ?,160662, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2407,0,60, United-States +<=50K,57, Self-emp-not-inc,175942, Some-college,10, Widowed, Exec-managerial, Other-relative, White, Male,0,0,25, United-States +<=50K,26, Private,212793, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Local-gov,153312, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,173296, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,47, Private,120131, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,117444, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,226196, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,202872, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,176716, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,82540, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, ?,41643, 11th,7, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,197292, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,76491, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,50, Self-emp-inc,101094, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,46, Self-emp-not-inc,119944, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,141626, Some-college,10, Never-married, Tech-support, Own-child, White, Male,2176,0,20, United-States +<=50K,26, Private,122575, Bachelors,13, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,60, Vietnam +>50K,32, Private,194740, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,50, Private,263200, 5th-6th,3, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,34, Mexico +>50K,47, Local-gov,140644, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,202115, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +>50K,25, Federal-gov,27142, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,318046, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,276369, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,67187, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Female,0,0,8, United-States +<=50K,23, Private,133582, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,23, Private,216672, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, ? +<=50K,32, Private,45796, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,29, Self-emp-inc,31778, HS-grad,9, Separated, Prof-specialty, Other-relative, White, Male,0,0,25, United-States +<=50K,40, Private,190044, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,144351, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,172145, 10th,6, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,55, Private,193130, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,59, Local-gov,140478, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,122390, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,23, Private,116830, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Local-gov,117683, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,106491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,22, ?,39803, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,363053, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,24, Mexico +<=50K,21, Private,54472, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,47, Local-gov,200471, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +<=50K,38, Private,54317, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,62, Local-gov,113443, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,10520,0,33, United-States +<=50K,27, Private,159623, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,161235, Assoc-voc,11, Never-married, ?, Own-child, White, Male,0,0,90, United-States +<=50K,27, Private,247978, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,40, Private,305846, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,22, Self-emp-not-inc,214014, Some-college,10, Never-married, Sales, Own-child, Black, Male,99999,0,55, United-States +<=50K,33, Private,226525, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,247819, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,28, Private,194940, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,289991, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,55, United-States +<=50K,46, Private,585361, 9th,5, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,91145, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,231604, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, Germany +<=50K,28, Private,273269, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,202683, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,159179, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,28952, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,39, United-States +<=50K,25, ?,214925, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,63, Private,163708, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,56, Private,200235, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,46, Private,109209, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,166153, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,56, Local-gov,268213, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, ? +<=50K,31, Private,69056, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,51, State-gov,237141, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,277541, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,5, United-States +<=50K,27, Local-gov,289039, Some-college,10, Never-married, Protective-serv, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Private,134737, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,45, United-States +<=50K,18, Private,56613, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,36699, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,4650,0,40, United-States +>50K,40, Local-gov,333530, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,185366, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,154017, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,10, United-States +>50K,27, Private,215504, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,55, United-States +<=50K,25, Private,222539, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,2597,0,50, United-States +<=50K,53, Private,191565, 1st-4th,2, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Dominican-Republic +<=50K,53, Private,111939, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,26, State-gov,53903, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,41, Private,146659, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,28, Private,194200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,48, State-gov,78529, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,194829, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,40, Federal-gov,330174, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,52, Self-emp-inc,230767, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, Cuba +<=50K,53, Local-gov,137250, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,1669,35, United-States +>50K,40, Private,254478, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,57, Private,300908, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,75, United-States +<=50K,53, Self-emp-not-inc,187830, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +<=50K,23, Private,201138, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,31, Self-emp-not-inc,44503, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,381357, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,25, Private,311124, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Private,96330, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,50, Private,228238, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,56964, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,37, Private,127772, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Private,386397, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, Self-emp-not-inc,404998, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,90, United-States +>50K,49, Private,34545, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,157886, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,101299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,134447, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,191822, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,23, Private,70919, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,266343, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +>50K,28, Private,87239, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,236487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Germany +<=50K,30, Private,224147, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,197200, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,19, Private,124265, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,22, Private,79980, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,50, Private,128814, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,64, ?,208862, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,51262, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,75, Self-emp-inc,98116, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,82393, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Germany +>50K,47, Private,57534, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,218962, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,204752, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,243631, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,41, Private,170299, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,23, Private,60331, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,269318, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,50, United-States +>50K,67, State-gov,132819, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,41, United-States +<=50K,21, Private,119665, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,35, United-States +<=50K,38, Private,150057, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,128567, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,230874, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,148526, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,160192, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Local-gov,74660, Some-college,10, Widowed, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,142494, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,122042, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Self-emp-inc,37088, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,61778, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,21, ?,176356, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, Germany +<=50K,27, Private,123302, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Poland +<=50K,18, Private,89760, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,44, Local-gov,165304, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,56, Private,104945, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,51, Self-emp-inc,192973, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,48, Private,97863, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Italy +<=50K,31, Private,73585, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,29145, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,175232, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Private,325374, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,107231, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,65, United-States +<=50K,23, Private,129345, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,21, Private,228395, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,20, United-States +<=50K,49, Private,452402, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +>50K,51, Self-emp-inc,338260, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,46, Private,165138, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,109055, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3137,0,45, United-States +<=50K,27, Private,193122, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,56, ?,425497, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,48, Private,191858, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,297155, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Local-gov,181282, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, Federal-gov,111700, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, Private,35065, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,35, United-States +>50K,37, Private,298539, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +>50K,51, Self-emp-not-inc,95435, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,162160, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +>50K,29, Private,176037, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,39, Private,314007, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +>50K,48, Private,197683, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,242521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,39, Private,290321, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,44064, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,27, ?,174163, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,374790, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,231562, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,33, United-States +<=50K,27, Private,376150, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,51, Private,99987, 10th,6, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,120126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,33717, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,132879, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +>50K,45, Private,304570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, China +>50K,40, Private,100292, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +>50K,63, Private,117473, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,40, United-States +<=50K,41, Private,239833, HS-grad,9, Married-spouse-absent, Transport-moving, Unmarried, Black, Male,0,0,50, United-States +<=50K,53, ?,155233, 12th,8, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Italy +<=50K,34, Private,130369, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,1151,0,48, Germany +<=50K,34, Private,347166, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,31, Private,502752, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, State-gov,255575, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +>50K,49, Private,277946, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, ?,214541, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,36, Private,143123, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,69132, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,37, United-States +>50K,52, Self-emp-not-inc,34973, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1887,60, United-States +<=50K,29, Private,236992, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +<=50K,27, Private,492263, 10th,6, Separated, Machine-op-inspct, Own-child, White, Male,0,0,35, Mexico +<=50K,42, Private,180019, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,49, Self-emp-not-inc,47086, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,222853, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,22, Private,344176, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,20, United-States +<=50K,30, Self-emp-not-inc,223212, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,110981, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,162688, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,181307, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,43, United-States +>50K,39, Private,148903, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,4687,0,50, United-States +<=50K,43, Private,306440, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,66, France +<=50K,18, Private,210311, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,127117, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,74, Private,54732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,39, Private,271521, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,48, Philippines +<=50K,33, ?,216908, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,49, Private,543922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,766115, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +<=50K,65, ?,52728, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Private,284166, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1564,50, United-States +<=50K,49, Private,122206, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,20, ?,95989, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,334039, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,44, United-States +<=50K,46, Self-emp-not-inc,225456, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,112847, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,7298,0,32, United-States +<=50K,61, Self-emp-not-inc,171840, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,16, United-States +<=50K,48, Private,180695, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,44, Private,121012, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-inc,126569, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,227791, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,50, United-States +>50K,51, Self-emp-not-inc,290290, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Local-gov,251521, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,55, Self-emp-not-inc,41938, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,25, Private,27678, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +<=50K,26, Private,133756, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,54, Private,215990, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,461337, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,33, United-States +>50K,39, Local-gov,344855, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,20, United-States +<=50K,20, State-gov,214542, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,258170, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Federal-gov,242147, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Other, Male,0,0,45, United-States +<=50K,42, Private,235700, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,278130, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,261241, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,60, Private,85995, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, South +<=50K,42, Private,340885, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,44, United-States +<=50K,42, Private,152889, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,195023, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Columbia +>50K,52, State-gov,109600, Masters,14, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,4787,0,44, United-States +<=50K,27, ?,249463, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,43, Private,158177, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,43, State-gov,47818, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,391468, 11th,7, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,52, Local-gov,199995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +<=50K,31, Private,231043, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, ?,281768, 7th-8th,4, Divorced, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,44, Private,267790, 9th,5, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,217379, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,421561, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,50953, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,138504, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,36, State-gov,177064, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,103064, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,3674,0,40, United-States +>50K,59, Private,184493, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,104089, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,149204, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,405284, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1340,42, United-States +<=50K,25, Local-gov,137296, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,40, Private,87771, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,1628,45, United-States +>50K,38, State-gov,125499, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688,0,60, India +<=50K,31, Private,59083, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,28, Local-gov,138332, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,198914, HS-grad,9, Never-married, Sales, Unmarried, Black, Male,0,0,25, United-States +>50K,46, Local-gov,238162, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,50, United-States +<=50K,29, Private,123677, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +>50K,38, Federal-gov,325538, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,251063, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,33, Private,51471, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,1902,40, United-States +<=50K,39, Private,175681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, ? +<=50K,44, Private,165599, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,46, Private,149640, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, England +<=50K,30, Private,143526, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,211160, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,342989, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,173631, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,25, Private,141876, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,137604, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,129232, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,64, Federal-gov,271550, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,456922, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,232242, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,352188, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,114967, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,201981, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,159247, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,125905, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,186824, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,121012, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,110844, Masters,14, Widowed, Sales, Not-in-family, White, Female,0,0,27, United-States +>50K,23, Private,143003, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1887,50, India +<=50K,31, Federal-gov,59732, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,28, Private,178489, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,45, ? +<=50K,41, ?,252127, Some-college,10, Widowed, ?, Unmarried, Black, Female,0,0,20, United-States +>50K,37, Private,109633, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, United-States +<=50K,19, Private,160811, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,38, United-States +<=50K,27, Self-emp-not-inc,365110, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,61, Self-emp-not-inc,113080, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,58, United-States +>50K,39, Private,206074, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,173062, Bachelors,13, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +>50K,58, Private,117273, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,153805, Some-college,10, Married-civ-spouse, Transport-moving, Other-relative, Other, Male,0,0,50, Ecuador +<=50K,51, Private,293802, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,52, United-States +>50K,43, Local-gov,153132, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,46, Private,166809, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,67, ?,34122, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,231725, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,63210, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,35, Private,108293, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,57, Private,116878, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +<=50K,40, Private,110622, Prof-school,15, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,42, Local-gov,180318, 10th,6, Never-married, Farming-fishing, Unmarried, White, Male,0,0,35, United-States +<=50K,67, Self-emp-inc,112318, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,252079, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,44, United-States +<=50K,30, Private,27153, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,73312, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,15, United-States +<=50K,51, Private,145409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,167882, Some-college,10, Widowed, Other-service, Other-relative, Black, Female,0,0,45, Haiti +<=50K,24, Private,236696, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,28791, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +>50K,34, State-gov,118551, Bachelors,13, Married-civ-spouse, Tech-support, Own-child, White, Female,5178,0,25, ? +>50K,70, Private,187292, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418,0,40, United-States +<=50K,35, Private,189922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, ?,584259, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,26, Private,173992, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,253759, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,3, United-States +<=50K,26, Private,111243, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,39, Self-emp-not-inc,147850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,55, Private,171015, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +<=50K,23, Private,118023, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, ? +<=50K,33, Self-emp-not-inc,361497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,137290, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,28, Local-gov,401886, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +<=50K,50, Private,201882, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +>50K,26, Local-gov,30793, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,44, Federal-gov,139161, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Female,0,1741,40, United-States +<=50K,51, Private,210736, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,167781, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,37, Private,103986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,39, United-States +>50K,29, Private,144592, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,493034, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,184078, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,191814, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,329852, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,223660, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,47, Private,177087, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,30, Private,143766, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,234271, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Federal-gov,314822, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,195584, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,70, Self-emp-inc,207938, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,50, United-States +<=50K,41, Private,126850, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Private,279485, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +>50K,44, Private,267717, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,42, ?,175935, HS-grad,9, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,163665, Some-college,10, Never-married, Transport-moving, Own-child, White, Female,0,0,17, United-States +<=50K,29, Private,200468, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,91501, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,30, Private,182771, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,56392, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1579,60, United-States +<=50K,31, Private,20511, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, Private,538822, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,26, Private,332008, Some-college,10, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,37, Taiwan +>50K,57, Self-emp-inc,220789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,59, Self-emp-not-inc,114760, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,87, ?,90338, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,25, Private,181576, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,198841, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +>50K,53, Private,53197, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,32, State-gov,542265, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,193026, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,25505, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,17, Private,375657, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,201599, 11th,7, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,181820, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,57, Private,334224, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,9386,0,40, United-States +<=50K,30, State-gov,54318, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,141388, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,54, Self-emp-not-inc,57101, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,168515, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +>50K,60, Private,163665, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +>50K,28, Private,207513, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,42, United-States +>50K,39, Private,293291, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,55, Private,70088, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,199346, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,55, Local-gov,143949, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,45, United-States +>50K,33, Private,207201, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +>50K,30, Private,430283, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,40, United-States +<=50K,40, Local-gov,293809, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +>50K,30, Private,378009, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,226608, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,30, Guatemala +<=50K,24, Private,314182, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, Private,170544, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,18, Private,94196, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +>50K,49, Private,193047, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,112607, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Local-gov,146949, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,309513, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,191389, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,24, Private,213902, 7th-8th,4, Never-married, Priv-house-serv, Own-child, White, Female,0,0,32, El-Salvador +<=50K,73, Self-emp-not-inc,46514, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +>50K,35, Private,75855, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7298,0,40, ? +>50K,23, Private,38707, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,188568, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,215014, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, Mexico +<=50K,27, Private,184477, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,204235, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,39054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,64, Self-emp-inc,272531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,358701, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,10, Mexico +<=50K,47, Private,217750, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,22, Private,200374, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,35, United-States +<=50K,24, Private,498349, Bachelors,13, Never-married, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, State-gov,170458, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,40, Self-emp-not-inc,57233, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,188432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,33300, Assoc-acdm,12, Never-married, Farming-fishing, Other-relative, White, Male,10520,0,45, United-States +<=50K,31, Private,225779, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,46677, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +>50K,41, Private,227968, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, Haiti +<=50K,34, Private,85355, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,207120, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,229223, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,36, United-States +<=50K,20, Private,224640, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,139012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,40, Federal-gov,130749, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Private,204516, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,105479, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Private,197093, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,49, Self-emp-inc,431245, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,155150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,216035, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,388247, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,208908, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,259301, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,69333, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,4386,0,80, United-States +>50K,34, Private,167893, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,64, United-States +<=50K,32, Federal-gov,386877, Assoc-voc,11, Never-married, Tech-support, Own-child, Black, Male,4650,0,40, United-States +>50K,54, Private,146551, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,54, United-States +<=50K,48, Private,238360, Bachelors,13, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,38, Private,187748, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, State-gov,50748, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,50136, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +>50K,42, Private,111483, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,298871, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,27, Private,147340, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,57, Private,132704, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,10520,0,32, United-States +<=50K,46, State-gov,327786, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,3325,0,42, United-States +>50K,44, Federal-gov,243636, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,194417, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,236696, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,337130, 1st-4th,2, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,29, Private,273051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, Yugoslavia +<=50K,38, Private,186191, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,268451, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,61, Private,154600, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,4, United-States +>50K,49, Local-gov,405309, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,99185, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,191765, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,21, Private,253583, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, ?,297054, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,204397, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,288771, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, Private,173987, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,33662, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,40, United-States +<=50K,23, Private,91658, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,226902, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +>50K,45, Private,232586, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-not-inc,291755, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,29, ?,207032, HS-grad,9, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,42, Haiti +<=50K,23, Private,161478, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,73, Self-emp-not-inc,109833, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,47, Self-emp-not-inc,229394, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,61, ?,69285, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,37, United-States +<=50K,26, Private,491862, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,311534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,420895, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,47, United-States +<=50K,39, Private,226374, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Federal-gov,101345, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,48779, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,152676, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,164877, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,97521, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,88564, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,33, Private,188246, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,189185, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, State-gov,163069, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,251905, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,112403, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,18, Private,36882, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,195891, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,194905, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +>50K,33, Private,133503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,48, United-States +<=50K,40, Private,31621, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,413373, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,40, Private,196029, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,45, United-States +<=50K,36, Private,107302, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,45, Private,151267, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,52, Private,256861, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,82777, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,147430, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,60726, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,165754, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,448337, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,185079, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,418702, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,41504, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,387335, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,1719,9, United-States +<=50K,18, Private,261720, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,133963, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,66, ?,357750, 11th,7, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, State-gov,179488, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,55, United-States +<=50K,38, Private,60135, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,308746, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,27, Private,278720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, State-gov,477505, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,164711, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,208277, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,39943, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,49, Private,104542, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,286634, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,28, Private,142712, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,336404, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,117983, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,41, United-States +>50K,72, ?,108796, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,59469, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Iran +<=50K,37, Private,171968, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, ?,119254, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,278617, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,72338, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,49, Local-gov,343231, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,30, Private,63910, HS-grad,9, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,190350, 9th,5, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,40, United-States +<=50K,25, State-gov,176162, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,37720, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,421467, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,26, United-States +<=50K,36, Private,138441, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,146767, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,369678, 12th,8, Never-married, ?, Not-in-family, Other, Male,0,1602,40, United-States +<=50K,25, Private,160445, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,211695, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,102346, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2415,20, United-States +>50K,48, Private,128796, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,111129, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,44566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,118497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,36, Private,334291, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,49, Private,237920, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,34, Local-gov,136331, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,187397, HS-grad,9, Never-married, Other-service, Other-relative, Other, Male,0,0,48, Mexico +<=50K,28, Self-emp-not-inc,119793, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,24982, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,26, Self-emp-not-inc,231714, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,229272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,66, ?,68219, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,268831, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,53, United-States +>50K,45, Self-emp-not-inc,149640, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, Private,261725, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,74, Private,161387, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,16, United-States +<=50K,61, Local-gov,260167, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,200928, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,22, United-States +>50K,53, Federal-gov,155594, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,79539, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,41, Private,469454, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,331482, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,225193, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,26, ?,370727, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,1977,40, United-States +<=50K,29, Private,82393, HS-grad,9, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,25, Philippines +<=50K,65, ?,37170, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,41, Private,58484, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Local-gov,156464, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, ? +<=50K,50, Private,344621, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,174752, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,18, Self-emp-inc,174202, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,26, Private,261203, 7th-8th,4, Never-married, Other-service, Unmarried, Other, Female,0,0,30, ? +<=50K,57, Private,316000, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, State-gov,216871, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1740,40, United-States +<=50K,29, Private,246933, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, Mexico +>50K,32, Self-emp-not-inc,112115, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,34, Private,264651, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,99185, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,58, United-States +>50K,39, Private,176186, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,100219, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,46691, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, State-gov,297735, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,90, United-States +>50K,40, Private,132222, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,50, United-States +>50K,25, Private,189656, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Local-gov,224934, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,48, Self-emp-inc,149218, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,158508, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,67, State-gov,261203, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,309504, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,24, United-States +<=50K,24, State-gov,324637, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,267426, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,229016, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,54, Private,46401, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,47, United-States +<=50K,32, Private,114288, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,61, ?,203849, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Federal-gov,193882, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,311269, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,156117, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,64, ?,169917, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,51, Private,222615, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, State-gov,106900, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, United-States +>50K,40, Federal-gov,78036, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,65, United-States +<=50K,27, Private,380560, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,41, Private,167106, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,3103,0,35, Philippines +>50K,51, Private,289436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,749636, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,154120, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,43, Private,105119, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,181081, HS-grad,9, Divorced, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,31, Private,182237, 10th,6, Separated, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,34, Private,102130, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +>50K,43, Private,266324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,99, United-States +<=50K,52, Private,170562, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,240543, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,37, Federal-gov,187046, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,389254, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,179955, Some-college,10, Widowed, Transport-moving, Unmarried, White, Female,0,0,25, Outlying-US(Guam-USVI-etc) +<=50K,21, Private,197997, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,34, Self-emp-inc,343789, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,28, Private,191088, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,1741,52, United-States +>50K,40, Local-gov,141649, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,433906, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,207982, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,175925, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,85767, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,32, Self-emp-inc,281030, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,90, ?,313986, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,38, Private,396595, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, ?,189203, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,20, United-States +<=50K,43, Self-emp-not-inc,163108, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,17, Private,141590, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,12, United-States +<=50K,36, Private,137421, 12th,8, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,45, ? +<=50K,36, Private,67728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, Italy +>50K,30, Private,345522, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,70, United-States +<=50K,45, Private,330087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,204322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,50295, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,35, Self-emp-not-inc,147258, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +<=50K,19, Private,194260, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,56, Private,437727, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,34100, Some-college,10, Widowed, ?, Not-in-family, White, Male,0,0,4, United-States +<=50K,62, ?,186611, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,280960, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,24, United-States +<=50K,33, Private,33117, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,169628, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,22, State-gov,124942, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,44, Private,143368, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,55, United-States +<=50K,37, Private,255621, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Self-emp-inc,154227, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,75, United-States +<=50K,43, Private,171438, Assoc-voc,11, Separated, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,39, Private,191524, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,377017, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,58, Private,192806, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,33, United-States +<=50K,31, ?,259120, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,10, United-States +<=50K,45, Local-gov,234195, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,147596, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Private,147251, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +>50K,50, Private,176157, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,176162, Assoc-voc,11, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +>50K,34, Private,384150, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Private,107665, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,82635, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,60, State-gov,165827, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,41, Private,287306, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,71, Self-emp-not-inc,78786, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, United-States +<=50K,40, Self-emp-not-inc,33310, Prof-school,15, Divorced, Other-service, Not-in-family, White, Female,0,2339,35, United-States +<=50K,22, Private,349368, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +<=50K,52, Private,117674, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,30, Private,310889, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, United-States +<=50K,36, ?,187167, HS-grad,9, Separated, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,379919, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,34862, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,44, Private,201723, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +>50K,38, Local-gov,161463, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,186410, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,57, Federal-gov,62020, Prof-school,15, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,55, United-States +<=50K,39, Private,42044, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Private,170230, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,43, Private,341358, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,199426, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,17, United-States +>50K,44, Private,89172, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,148955, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,15, South +>50K,37, Private,140673, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, ?,71788, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,18, United-States +<=50K,26, State-gov,326033, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,80, United-States +<=50K,35, Private,129305, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Private,171067, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,143582, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Japan +<=50K,17, ?,171461, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,257980, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,182866, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,69333, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,668362, 1st-4th,2, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,132879, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,61, Private,181219, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, United-States +<=50K,19, ?,166018, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,120518, HS-grad,9, Widowed, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,183532, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,45, Private,49298, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,157332, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,37, Private,213726, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,26, Private,31143, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,256173, 10th,6, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,26, Private,184872, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,58, Private,202652, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, Dominican-Republic +>50K,61, ?,101602, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +>50K,64, Private,60940, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,8614,0,50, France +<=50K,19, Private,292590, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,36, Private,141420, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,159389, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,254534, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,89508, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,238980, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Private,178946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,204752, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,290213, Some-college,10, Separated, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,102615, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,41, Private,291965, Some-college,10, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,52, Local-gov,175339, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,90547, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,23, United-States +<=50K,23, ?,449101, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,101722, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +<=50K,32, ?,981628, HS-grad,9, Divorced, ?, Unmarried, Black, Male,0,0,40, United-States +<=50K,59, ?,147989, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,30, Self-emp-inc,204470, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +>50K,58, Local-gov,311409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,30, United-States +<=50K,31, Private,190027, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,40, ? +<=50K,36, Private,218015, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, State-gov,77634, Preschool,1, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +>50K,52, Self-emp-not-inc,42984, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,29, Private,413297, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,70, Mexico +<=50K,48, Self-emp-not-inc,218835, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, England +>50K,30, Private,341051, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,58, Private,252419, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,20, Federal-gov,347935, Some-college,10, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,19, Private,237848, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,3, United-States +<=50K,63, Private,174826, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,170086, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,470368, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +>50K,54, Federal-gov,75235, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,35, ?,35854, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,746432, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,48, United-States +<=50K,47, Self-emp-not-inc,258498, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,52, United-States +<=50K,44, Private,176063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,80, Self-emp-not-inc,26865, 7th-8th,4, Never-married, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +>50K,55, Private,104724, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,43, Private,346321, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,402462, Bachelors,13, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,30, Columbia +<=50K,27, Private,153078, Prof-school,15, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,42, Private,176063, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,39, Private,451059, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,229533, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,106437, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Local-gov,294313, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,55, United-States +<=50K,63, Private,67903, 9th,5, Separated, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +>50K,49, Private,133669, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,251730, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,72896, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,47, Private,155664, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,39, Private,206520, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,33, Private,72338, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,65, Japan +>50K,43, Local-gov,34640, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,1887,40, United-States +<=50K,30, Private,236543, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,68, United-States +<=50K,39, Local-gov,43702, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,44, Private,335248, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,198197, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,80, ?,281768, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,31, Private,160594, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,3, United-States +<=50K,34, Local-gov,231826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, El-Salvador +<=50K,28, Private,188171, Assoc-acdm,12, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +>50K,55, Private,125000, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,166509, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,402367, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688,0,45, United-States +<=50K,67, Local-gov,204123, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +<=50K,53, Self-emp-inc,220786, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,60, United-States +>50K,43, Private,254146, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,29, Local-gov,152461, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,42, United-States +<=50K,19, Private,223669, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,51, Private,120270, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Self-emp-not-inc,304602, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,98, United-States +<=50K,54, Private,24108, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,32546, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,7430,0,40, United-States +<=50K,41, Private,93885, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,28, Private,210765, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,191276, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,82, Self-emp-not-inc,71438, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,330571, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,40, Local-gov,138634, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,112264, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,205865, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,21, Private,224640, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,180758, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,29, ?,499935, Assoc-voc,11, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,107762, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,214787, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,27, Private,211032, 1st-4th,2, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,34, Private,208353, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,157273, 10th,6, Never-married, Other-service, Other-relative, Black, Male,0,0,15, United-States +<=50K,39, Private,75891, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,34, Self-emp-inc,177675, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,44, Private,182370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,200525, 11th,7, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,39, Private,174242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,28, Private,95566, 1st-4th,2, Married-spouse-absent, Other-service, Own-child, Other, Female,0,0,35, Dominican-Republic +<=50K,30, Private,30290, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,240951, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,58, Private,183810, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,24, United-States +<=50K,49, Private,94342, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,61, Self-emp-inc,148577, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,103634, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,59, Self-emp-not-inc,83542, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Federal-gov,76131, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,42, Federal-gov,262402, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,198286, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,34, United-States +>50K,41, Self-emp-inc,145441, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, ?,273558, Some-college,10, Never-married, ?, Not-in-family, Black, Male,0,0,30, United-States +<=50K,50, Local-gov,117496, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,36, Private,128876, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,199698, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,38, Private,65390, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,128645, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Private,53481, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,92215, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,49, Local-gov,78859, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,323,20, United-States +>50K,59, Self-emp-inc,187502, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,38, Private,242080, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,41837, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,291374, 12th,8, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,47, Private,148995, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,59, Private,159008, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,37, Private,271013, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,199046, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,164280, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Portugal +>50K,35, Local-gov,116960, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,55, Private,100054, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,183824, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,48, Private,313925, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,48, Private,379883, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +<=50K,70, ?,92593, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,27, Private,189777, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,198330, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +>50K,32, Private,127451, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,62, ?,31577, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +<=50K,18, ?,90230, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,50, Private,301024, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,175732, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,15, United-States +<=50K,18, Private,218889, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,46, Private,117605, 9th,5, Divorced, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,26, Private,154571, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,44, Private,228057, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Dominican-Republic +<=50K,32, Private,173998, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,25, Private,90752, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Private,51008, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Federal-gov,113398, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,74977, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,101593, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,228346, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, Private,180418, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,44489, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,43, Self-emp-not-inc,277488, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,103064, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,55, United-States +<=50K,34, Private,226872, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,330416, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, Private,186495, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,47, State-gov,205712, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,38, United-States +<=50K,18, Private,217743, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,52565, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1485,40, United-States +<=50K,22, Private,239954, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,349986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,41, Private,117585, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,68, Self-emp-not-inc,122094, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,62, Self-emp-not-inc,26857, 7th-8th,4, Widowed, Farming-fishing, Other-relative, White, Female,0,0,35, United-States +<=50K,25, Local-gov,192321, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,88095, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,24, Mexico +<=50K,44, Private,144067, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,12, ? +<=50K,32, Private,124187, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +>50K,49, Private,123681, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,68, Private,145638, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,130513, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, Peru +<=50K,47, Federal-gov,197038, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,35, Private,189092, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,198841, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,317969, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,37, Private,103121, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1848,40, United-States +<=50K,34, Private,111589, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,46, Local-gov,267952, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, Private,63899, 11th,7, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Private,473625, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +>50K,45, Private,187901, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,2258,44, United-States +<=50K,17, Private,24090, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +<=50K,36, Self-emp-inc,102729, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,91666, 12th,8, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,215873, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,152109, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,175586, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Private,232614, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,53, State-gov,229465, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Private,147110, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,14344,0,40, United-States +>50K,43, Local-gov,161240, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,358124, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,52, United-States +<=50K,47, Private,222529, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,37, Self-emp-not-inc,338320, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Self-emp-inc,62026, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,23, Private,263886, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,20, United-States +<=50K,50, Private,310774, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,98155, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,259307, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,358753, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,41, Private,29762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,32, Private,202729, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,28790, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,53209, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Local-gov,169020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,127195, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,211731, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Mexico +<=50K,42, Self-emp-not-inc,126614, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Other, Male,0,0,30, Iran +>50K,45, Private,259463, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228411, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,25, Private,117827, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,57216, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +>50K,46, State-gov,250821, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,48, Self-emp-inc,88564, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +>50K,45, Private,172822, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,52, United-States +<=50K,19, Private,251579, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,14, United-States +<=50K,31, Private,118399, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,178383, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,70, United-States +>50K,40, Self-emp-not-inc,170866, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,60, ?,268954, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +>50K,52, ?,89951, 12th,8, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +<=50K,22, Private,203894, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,237065, Some-college,10, Divorced, Other-service, Own-child, Black, Male,0,0,38, United-States +>50K,51, Local-gov,108435, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,32, Private,93213, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,62, United-States +<=50K,51, Self-emp-inc,231230, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +>50K,42, Private,386175, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,128392, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,24, Private,223515, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,208630, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1741,38, United-States +<=50K,58, ?,97969, 1st-4th,2, Married-spouse-absent, ?, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,43, Private,174295, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,60229, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,66095, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,31, Federal-gov,130057, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,61, Private,179743, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,20, United-States +<=50K,26, Private,192022, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,45288, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,62, ?,178764, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,99476, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,41973, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,5, United-States +<=50K,23, Private,162228, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, Private,211968, Some-college,10, Never-married, Sales, Own-child, White, Female,0,1762,28, United-States +<=50K,46, Private,211226, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,36, United-States +<=50K,38, Private,33397, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,120839, 12th,8, Divorced, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,36327, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,50, Private,139703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,107827, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,25, United-States +>50K,46, Local-gov,140219, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,55, United-States +>50K,44, Local-gov,203761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,114719, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,344394, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,195516, 7th-8th,4, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Mexico +<=50K,40, State-gov,31627, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,70, Private,174032, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,226875, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,566537, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,40, Mexico +<=50K,18, Private,36162, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,5, United-States +<=50K,45, Self-emp-not-inc,31478, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2829,0,60, United-States +>50K,52, Private,294991, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,108495, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,161532, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,28, Local-gov,332249, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,268147, Assoc-voc,11, Never-married, Tech-support, Unmarried, White, Female,0,0,60, United-States +<=50K,56, Federal-gov,317847, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,52028, 1st-4th,2, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,20, Private,184045, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,30, United-States +>50K,32, Private,206609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,152968, Some-college,10, Separated, Adm-clerical, Other-relative, White, Male,3325,0,40, United-States +<=50K,21, Private,213015, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,2176,0,40, United-States +>50K,32, Private,313835, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,66385, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,40, United-States +<=50K,22, Private,205940, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,1055,0,30, United-States +>50K,51, Self-emp-inc,260938, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,60567, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +<=50K,23, Private,335067, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,331126, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,30, United-States +<=50K,53, Private,156612, 12th,8, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,188436, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,60, Private,227468, Some-college,10, Widowed, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,55, Private,183580, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,57, Self-emp-not-inc,50990, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,59, Private,384246, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,375313, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,30, Private,176410, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Own-child, White, Female,7298,0,16, United-States +<=50K,49, Private,93639, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,43, United-States +<=50K,45, Private,30289, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-inc,124950, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,126675, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,145964, 12th,8, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, State-gov,345712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,97474, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,180342, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,167087, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, ?,192825, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,318749, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, Germany +<=50K,27, ?,147638, Masters,14, Never-married, ?, Not-in-family, Other, Female,0,0,40, Japan +>50K,59, Federal-gov,293971, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,32, Private,229566, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,242464, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,111067, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,80, United-States +<=50K,21, ?,155697, 9th,5, Never-married, ?, Own-child, White, Male,0,0,42, United-States +>50K,49, Local-gov,106554, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,23776, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,51, ?,43909, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,105808, 9th,5, Widowed, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,169995, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,141388, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,241431, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, ?,78374, HS-grad,9, Never-married, ?, Other-relative, Asian-Pac-Islander, Female,0,0,24, United-States +<=50K,54, Self-emp-not-inc,158948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +>50K,66, Private,115498, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, ? +<=50K,34, Private,272411, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,30529, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,62, ?,263374, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Canada +<=50K,30, Private,190228, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,391192, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,214069, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,170871, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,60, United-States +<=50K,55, Private,118993, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,10, United-States +<=50K,26, Private,245880, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,45, Private,174794, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,56, Germany +>50K,61, Local-gov,153408, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, ?,330301, 7th-8th,4, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,385278, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,60, United-States +<=50K,44, Federal-gov,38434, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,111679, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,55, Private,168956, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,86143, Some-college,10, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,48, Private,99835, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,263561, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,44, Private,118536, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,209691, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Canada +<=50K,54, Private,123374, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,137225, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,119359, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,10, China +<=50K,56, Private,134153, 10th,6, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,47, Private,121124, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,147655, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,165138, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,24, Federal-gov,312017, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,272950, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,259323, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,44, Federal-gov,281739, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,13550,0,50, United-States +<=50K,21, Private,119156, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,165881, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,136075, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,50, Private,187465, 11th,7, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,328561, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +>50K,48, Private,350440, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,38, Self-emp-not-inc,109133, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,48, Private,109814, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,39, Private,86643, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,52, Federal-gov,154521, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,63, Private,45912, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,48, Private,175070, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,2258,40, United-States +<=50K,37, Private,338033, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, State-gov,158963, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Self-emp-inc,121441, 11th,7, Never-married, Exec-managerial, Other-relative, White, Male,0,2444,40, United-States +>50K,47, Self-emp-not-inc,242391, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,19, Private,119964, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Female,0,0,15, United-States +<=50K,34, Private,193344, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +<=50K,29, Local-gov,45554, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,249716, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,58985, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,24, Private,456367, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,117381, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,50, Self-emp-not-inc,240922, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,1408,5, United-States +<=50K,31, Private,226443, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,364342, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Female,0,0,25, United-States +<=50K,42, Local-gov,101593, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,23, Private,267471, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,22, Private,186849, 11th,7, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,65, Private,174603, 5th-6th,3, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,10, Italy +<=50K,34, Private,115040, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,23, Private,142766, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,1055,0,20, United-States +>50K,38, Private,59660, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,45, Self-emp-not-inc,49595, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,19, Private,127491, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,155933, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,1602,8, United-States +<=50K,23, Private,122272, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,37, Private,143771, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,91384, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,135874, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,207066, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,10520,0,45, United-States +<=50K,51, Private,172493, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,12, United-States +<=50K,42, Local-gov,189956, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,30, United-States +<=50K,35, Private,106967, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,200153, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +<=50K,25, Private,149943, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,4101,0,60, ? +<=50K,41, Private,151736, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,67852, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,36, Private,54229, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,37, United-States +>50K,34, Self-emp-inc,154120, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,44, Self-emp-not-inc,157217, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,31, Federal-gov,381645, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,160785, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,133584, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,170230, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,250206, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,19, Private,128363, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,43, Local-gov,163434, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,195690, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,44, Self-emp-inc,138991, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,118419, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,38, United-States +>50K,52, Self-emp-not-inc,185407, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Self-emp-not-inc,283079, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,119655, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,29, Private,153416, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,19, ?,204868, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,36, United-States +<=50K,34, Private,220362, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,23, Local-gov,203078, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,64, State-gov,104361, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,65, United-States +<=50K,68, Private,274096, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +<=50K,42, State-gov,455553, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,112283, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, Self-emp-inc,64506, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,22, State-gov,24395, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,67, Self-emp-inc,182581, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,20, United-States +>50K,27, Private,100669, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,25, Private,178025, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,113913, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,60, United-States +<=50K,28, Private,55191, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Federal-gov,223206, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, Vietnam +<=50K,23, Local-gov,162551, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,35, China +<=50K,19, Private,693066, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,72, ?,96867, 5th-6th,3, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,256362, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,53, Private,539864, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,35, Private,241153, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,284395, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,180039, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,178416, Assoc-voc,11, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,175710, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, ? +>50K,22, Local-gov,164775, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Guatemala +<=50K,55, Private,176897, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,265097, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1902,40, United-States +<=50K,22, Private,193090, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,37, Private,186009, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1672,60, United-States +<=50K,28, Private,175262, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,109928, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +>50K,37, Self-emp-not-inc,162834, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +>50K,50, Private,177896, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,181372, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,40, Private,70645, Preschool,1, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Private,128272, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,106723, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,122348, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +>50K,40, Private,177905, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,44, United-States +<=50K,22, Private,254547, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, Jamaica +>50K,47, Self-emp-inc,102308, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,45, United-States +<=50K,44, Private,33105, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,215441, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,40, ? +<=50K,44, Local-gov,197919, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,206139, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,117849, Assoc-acdm,12, Divorced, Sales, Own-child, White, Male,0,0,44, United-States +>50K,26, Private,323044, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Germany +<=50K,34, Private,90415, Assoc-voc,11, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,47, Private,294913, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,36, Private,127573, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,180190, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,46, United-States +<=50K,45, State-gov,231013, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,356015, HS-grad,9, Separated, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,35, Hong +<=50K,33, Private,198069, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,58, Self-emp-not-inc,99141, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Female,0,0,10, United-States +>50K,31, Private,188246, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,116508, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,44, Federal-gov,38434, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,128477, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,91839, Bachelors,13, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,7688,0,20, United-States +>50K,43, Private,409922, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,49, Private,185041, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,103925, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,42, Self-emp-not-inc,34037, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +>50K,31, Private,251659, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,1485,55, ? +<=50K,19, Private,57145, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,41, Private,182108, Doctorate,16, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-inc,213296, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,51, Self-emp-inc,28765, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,63, Private,37792, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,31, United-States +>50K,39, Federal-gov,232036, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,33678, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,62, Without-pay,159908, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,16, United-States +<=50K,27, Private,176761, HS-grad,9, Never-married, Craft-repair, Other-relative, Other, Male,0,0,40, Nicaragua +<=50K,32, Private,260954, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,30, United-States +>50K,37, Local-gov,180342, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,324791, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +>50K,31, Private,183801, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,43, United-States +<=50K,42, Private,204235, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,249720, Assoc-voc,11, Married-spouse-absent, Sales, Unmarried, Black, Female,0,0,32, United-States +<=50K,60, Private,127084, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,2042,34, United-States +>50K,42, Local-gov,201495, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,38, Private,447346, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,206008, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Male,0,0,20, United-States +<=50K,34, Private,286020, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,99891, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,29, Local-gov,169544, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +<=50K,90, Private,313749, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,55, Private,89182, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Italy +<=50K,36, Private,258102, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,255466, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,50, Private,38795, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,311907, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,54, Private,171924, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,164488, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,10, United-States +<=50K,44, Private,297991, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,28, Private,478315, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,54, Local-gov,34832, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,67804, 9th,5, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,20, United-States +<=50K,24, Private,34568, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,47151, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,56, United-States +<=50K,59, ?,120617, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,41, Private,318046, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,363963, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,92811, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,32, Private,33678, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,66118, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,160474, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,44, Private,159960, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,242987, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Columbia +<=50K,61, Private,232719, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,65, Local-gov,103153, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1411,40, United-States +>50K,45, Local-gov,162187, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,207391, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Never-worked,176673, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +>50K,34, Private,356882, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,427686, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +>50K,42, Self-emp-inc,191196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, ? +>50K,37, Private,377798, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,36, Private,43712, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,205939, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,161691, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,2559,40, United-States +<=50K,34, Private,346034, 12th,8, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,35, Mexico +<=50K,41, Private,144460, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, Italy +<=50K,18, Never-worked,153663, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,4, United-States +<=50K,26, Private,262617, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Federal-gov,173851, HS-grad,9, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,8, United-States +<=50K,63, ?,126540, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,5, United-States +>50K,34, Private,117963, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,219737, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,37, Private,328466, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, Mexico +<=50K,54, State-gov,138852, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,195532, Some-college,10, Never-married, Protective-serv, Other-relative, White, Female,0,0,43, United-States +<=50K,32, Private,188246, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,138162, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, State-gov,110714, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +>50K,48, Private,123075, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,330466, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,31, Private,254304, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,28, Private,435842, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,118657, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,278188, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,233777, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, Mexico +>50K,37, Self-emp-inc,328466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,176580, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,18, ?,156608, 11th,7, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,172415, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,194951, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,55, Ireland +<=50K,33, Local-gov,318921, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,189462, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Self-emp-not-inc,192813, Masters,14, Widowed, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,74, Self-emp-not-inc,199136, Bachelors,13, Widowed, Craft-repair, Not-in-family, White, Male,15831,0,8, Germany +<=50K,26, Private,156805, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,66, ?,93318, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,121966, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,347336, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,33, Private,205950, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, State-gov,212143, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,44, Private,187821, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,36, Private,250807, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,53, Private,291755, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,36077, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,119793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,36, Private,184655, 10th,6, Divorced, Transport-moving, Unmarried, White, Male,0,0,48, United-States +<=50K,35, Private,162256, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,6849,0,40, United-States +<=50K,45, Self-emp-not-inc,204405, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,133355, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,35, Private,89559, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,55, United-States +>50K,34, Private,115066, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,46, Private,139514, Preschool,1, Married-civ-spouse, Machine-op-inspct, Other-relative, Black, Male,0,0,75, Dominican-Republic +<=50K,58, State-gov,200316, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,166502, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,63, Private,226422, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,251305, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,190482, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,76, United-States +>50K,41, Private,122215, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,42, Private,248356, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,90, Local-gov,214594, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,2653,0,40, United-States +<=50K,41, Private,220460, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,174043, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Self-emp-not-inc,137547, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828,0,40, Philippines +>50K,49, Self-emp-not-inc,111959, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Scotland +>50K,51, Private,40641, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,205940, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,265077, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,395736, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,306225, HS-grad,9, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,28, Private,180299, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,39, Private,214896, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,25, Private,273792, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,37, United-States +<=50K,48, State-gov,224474, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,271431, 9th,5, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,42, United-States +<=50K,44, Local-gov,150171, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Federal-gov,381789, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, Private,170984, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,108256, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Federal-gov,23789, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,176321, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,40, Private,260425, Assoc-acdm,12, Separated, Tech-support, Unmarried, White, Female,1471,0,32, United-States +>50K,47, Private,248059, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,47, United-States +<=50K,60, Private,56248, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,199763, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,81, United-States +<=50K,18, Private,200047, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,43, Private,191712, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,40, United-States +<=50K,31, Self-emp-not-inc,156033, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,22, Private,173736, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,56, Private,135458, HS-grad,9, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Private,185660, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,222005, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +>50K,42, Private,161510, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +>50K,53, Local-gov,186303, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +<=50K,52, Local-gov,143533, 7th-8th,4, Never-married, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,42, Private,288154, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,89, United-States +<=50K,48, Private,325372, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,35, Private,379959, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,168387, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,234640, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,232475, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,30, Private,205152, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,112115, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,183854, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,26, Private,164386, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +<=50K,61, Private,149620, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, Private,199590, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,29, Private,83742, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,57, Self-emp-not-inc,65080, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,33, Private,191335, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,50, United-States +<=50K,20, Private,227778, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,56, United-States +<=50K,26, Private,48280, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,66304, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,45834, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,298995, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +<=50K,47, Private,161950, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,61, Private,98776, 11th,7, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,102268, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,180771, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0,0,35, Mexico +<=50K,20, ?,203992, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,206878, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,39, Federal-gov,110622, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,51, Local-gov,203334, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,61, Self-emp-not-inc,50483, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,51, Private,274502, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,36, Private,208068, Preschool,1, Divorced, Other-service, Not-in-family, Other, Male,0,0,72, Mexico +<=50K,41, Self-emp-not-inc,168098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,213307, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Female,7443,0,35, United-States +<=50K,25, Private,175128, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, Private,40955, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,60890, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +>50K,66, Self-emp-not-inc,102686, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,190273, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,176185, Some-college,10, Married-spouse-absent, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,53, Private,304504, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,45, United-States +<=50K,25, Private,390657, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,41381, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,1602,20, United-States +<=50K,51, Private,101432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,190682, HS-grad,9, Widowed, Craft-repair, Not-in-family, Black, Female,0,1669,50, United-States +<=50K,53, Private,158993, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,38, United-States +<=50K,17, Private,117798, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,137554, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,71556, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,38, Private,257416, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,195617, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,32, Private,236318, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +>50K,46, Private,42251, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,257933, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,109133, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Self-emp-not-inc,261943, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,30, Honduras +>50K,33, Private,139057, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +>50K,36, Private,237943, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,85, Private,98611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,3, Poland +<=50K,62, Private,128092, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,24, Private,284317, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +>50K,48, Self-emp-inc,185041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,58, Local-gov,223214, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,173664, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,66, Private,269665, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +>50K,37, Private,121521, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,55, Private,199713, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,39, Self-emp-not-inc,193689, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,58, Self-emp-inc,181974, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, ? +<=50K,50, Private,485710, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,185647, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,30673, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,41, Federal-gov,160467, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,40, United-States +>50K,36, Private,186819, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,22, Private,67234, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,45, United-States +<=50K,35, Private,30673, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,49, ?,114648, 12th,8, Divorced, ?, Other-relative, Black, Male,0,0,40, United-States +<=50K,21, Private,182117, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, State-gov,222966, 7th-8th,4, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,41, Private,201495, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,301229, Assoc-voc,11, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,157747, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,155382, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,48, Private,268083, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,113987, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,216984, Some-college,10, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,35, United-States +<=50K,51, Private,177669, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,164190, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,355645, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,60, ?,134152, 9th,5, Divorced, ?, Not-in-family, Black, Male,0,0,35, United-States +<=50K,33, Private,63079, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,217597, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,50, ? +<=50K,24, Private,381895, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,82, ?,403910, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,26, Private,179010, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,18, Private,436163, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,321709, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,57, Private,153918, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,403788, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,34, Private,60567, 11th,7, Divorced, Transport-moving, Unmarried, White, Male,0,880,60, United-States +<=50K,71, Private,138145, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,79649, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,312088, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,208630, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,182401, 10th,6, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Private,32916, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,302372, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,155093, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,38, Dominican-Republic +<=50K,32, Private,192965, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,39, Private,107302, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +<=50K,25, Local-gov,514716, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,20, Private,270436, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,42972, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,22, United-States +<=50K,40, Private,142657, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +<=50K,66, Federal-gov,47358, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,3471,0,40, United-States +<=50K,30, Private,176175, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,36, Private,131459, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Local-gov,110417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,46, Private,364548, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,177398, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,64, United-States +<=50K,33, Private,273243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,147707, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,77266, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,191648, Assoc-acdm,12, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,15, United-States +<=50K,81, ?,120478, Assoc-voc,11, Divorced, ?, Unmarried, White, Female,0,0,1, ? +<=50K,32, Private,211349, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,203715, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,292592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,125976, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,35, ?,320084, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,55, United-States +<=50K,30, ?,33811, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,99, United-States +>50K,34, Private,204461, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,54, Private,337992, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +<=50K,37, Private,179137, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,39, United-States +<=50K,22, Private,325033, 12th,8, Never-married, Protective-serv, Own-child, Black, Male,0,0,35, United-States +>50K,34, Private,160216, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,30, Private,345898, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,46, United-States +>50K,38, Private,139180, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,15020,0,45, United-States +>50K,71, ?,287372, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,45, State-gov,252208, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, ?,202822, HS-grad,9, Separated, ?, Not-in-family, Black, Female,0,0,32, United-States +<=50K,72, ?,129912, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,45, Local-gov,119199, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,48, United-States +<=50K,31, Private,199655, Masters,14, Divorced, Other-service, Not-in-family, Other, Female,0,0,30, United-States +>50K,39, Local-gov,111499, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,37, Private,198216, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,260761, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,65, Self-emp-not-inc,99359, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,1086,0,60, United-States +<=50K,43, State-gov,255835, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,27242, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,34066, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,43, Private,84661, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,116138, Masters,14, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,11, Taiwan +>50K,53, Private,321865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,310152, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,257302, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,38, United-States +>50K,40, Private,154374, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,151910, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,201490, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,52, Self-emp-inc,287927, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States diff --git a/apartments-train.csv b/apartments-train.csv new file mode 100644 index 0000000000..69f23cd048 --- /dev/null +++ b/apartments-train.csv @@ -0,0 +1,1461 @@ +LotFrontage,LotArea,OverallQual,OverallCond,YearBuilt,YearRemodAdd,BsmtUnfSF,TotalBsmtSF,Ce0tralAir,1stFlrSF,2ndFlrSF,LowQualFinSF,GrLivArea,BsmtFullBath,BsmtHalfBath,FullBath,HalfBath,BedroomAbvGr,KitchenAbvGr,TotRmsAbvGrd,Fireplaces,GarageYrBlt,GarageCars,GarageArea,PavedDrive,WoodDeckSF,OpenPorchSF,EnclosedPorch,3SsnPorch,ScreenPorch,PoolArea,YrSold,SalePrice,SalePriceK,Sold_HigherThan_Median +65,8450,7,5,2003,2003,150,856,1,856,854,0,1710,1,0,2,1,3,1,8,0,2003,2,548,1,0,61,0,0,0,0,2008,208500,208.5,More than median +80,9600,6,8,1976,1976,284,1262,1,1262,0,0,1262,0,1,2,0,3,1,6,1,1976,2,460,1,298,0,0,0,0,0,2007,181500,181.5,More than median +68,11250,7,5,2001,2002,434,920,1,920,866,0,1786,1,0,2,1,3,1,6,1,2001,2,608,1,0,42,0,0,0,0,2008,223500,223.5,More than median +60,9550,7,5,1915,1970,540,756,1,961,756,0,1717,1,0,1,0,3,1,7,1,1998,3,642,1,0,35,272,0,0,0,2006,140000,140,Less than median +84,14260,8,5,2000,2000,490,1145,1,1145,1053,0,2198,1,0,2,1,4,1,9,1,2000,3,836,1,192,84,0,0,0,0,2008,250000,250,More than median +85,14115,5,5,1993,1995,64,796,1,796,566,0,1362,1,0,1,1,1,1,5,0,1993,2,480,1,40,30,0,320,0,0,2009,143000,143,Less than median +75,10084,8,5,2004,2005,317,1686,1,1694,0,0,1694,1,0,2,0,3,1,7,1,2004,2,636,1,255,57,0,0,0,0,2007,307000,307,More than median +-1,10382,7,6,1973,1973,216,1107,1,1107,983,0,2090,1,0,2,1,3,1,7,2,1973,2,484,1,235,204,228,0,0,0,2009,200000,200,More than median +51,6120,7,5,1931,1950,952,952,1,1022,752,0,1774,0,0,2,0,2,2,8,2,1931,2,468,1,90,0,205,0,0,0,2008,129900,129.9,Less than median +50,7420,5,6,1939,1950,140,991,1,1077,0,0,1077,1,0,1,0,2,2,5,2,1939,1,205,1,0,4,0,0,0,0,2008,118000,118,Less than median +70,11200,5,5,1965,1965,134,1040,1,1040,0,0,1040,1,0,1,0,3,1,5,0,1965,1,384,1,0,0,0,0,0,0,2008,129500,129.5,Less than median +85,11924,9,5,2005,2006,177,1175,1,1182,1142,0,2324,1,0,3,0,4,1,11,2,2005,3,736,1,147,21,0,0,0,0,2006,345000,345,More than median +-1,12968,5,6,1962,1962,175,912,1,912,0,0,912,1,0,1,0,2,1,4,0,1962,1,352,1,140,0,0,0,176,0,2008,144000,144,Less than median +91,10652,7,5,2006,2007,1494,1494,1,1494,0,0,1494,0,0,2,0,3,1,7,1,2006,3,840,1,160,33,0,0,0,0,2007,279500,279.5,More than median +-1,10920,6,5,1960,1960,520,1253,1,1253,0,0,1253,1,0,1,1,2,1,5,1,1960,1,352,1,0,213,176,0,0,0,2008,157000,157,Less than median +51,6120,7,8,1929,2001,832,832,1,854,0,0,854,0,0,1,0,2,1,5,0,1991,2,576,1,48,112,0,0,0,0,2007,132000,132,Less than median +-1,11241,6,7,1970,1970,426,1004,1,1004,0,0,1004,1,0,1,0,2,1,5,1,1970,2,480,1,0,0,0,0,0,0,2010,149000,149,Less than median +72,10791,4,5,1967,1967,0,0,1,1296,0,0,1296,0,0,2,0,2,2,6,0,1967,2,516,1,0,0,0,0,0,0,2006,90000,90,Less than median +66,13695,5,5,2004,2004,468,1114,1,1114,0,0,1114,1,0,1,1,3,1,6,0,2004,2,576,1,0,102,0,0,0,0,2008,159000,159,Less than median +70,7560,5,6,1958,1965,525,1029,1,1339,0,0,1339,0,0,1,0,3,1,6,0,1958,1,294,1,0,0,0,0,0,0,2009,139000,139,Less than median +101,14215,8,5,2005,2006,1158,1158,1,1158,1218,0,2376,0,0,3,1,4,1,9,1,2005,3,853,1,240,154,0,0,0,0,2006,325300,325.3,More than median +57,7449,7,7,1930,1950,637,637,1,1108,0,0,1108,0,0,1,0,3,1,6,1,1930,1,280,0,0,0,205,0,0,0,2007,139400,139.4,Less than median +75,9742,8,5,2002,2002,1777,1777,1,1795,0,0,1795,0,0,2,0,3,1,7,1,2002,2,534,1,171,159,0,0,0,0,2008,230000,230,More than median +44,4224,5,7,1976,1976,200,1040,1,1060,0,0,1060,1,0,1,0,3,1,6,1,1976,2,572,1,100,110,0,0,0,0,2007,129900,129.9,Less than median +-1,8246,5,8,1968,2001,204,1060,1,1060,0,0,1060,1,0,1,0,3,1,6,1,1968,1,270,1,406,90,0,0,0,0,2010,154000,154,Less than median +110,14230,8,5,2007,2007,1566,1566,1,1600,0,0,1600,0,0,2,0,3,1,7,1,2007,3,890,1,0,56,0,0,0,0,2009,256300,256.3,More than median +60,7200,5,7,1951,2000,180,900,1,900,0,0,900,0,1,1,0,3,1,5,0,2005,2,576,1,222,32,0,0,0,0,2010,134800,134.8,Less than median +98,11478,8,5,2007,2008,486,1704,1,1704,0,0,1704,1,0,2,0,3,1,7,1,2008,3,772,1,0,50,0,0,0,0,2010,306000,306,More than median +47,16321,5,6,1957,1997,207,1484,1,1600,0,0,1600,1,0,1,0,2,1,6,2,1957,1,319,1,288,258,0,0,0,0,2006,207500,207.5,More than median +60,6324,4,6,1927,1950,520,520,0,520,0,0,520,0,0,1,0,1,1,4,0,1920,1,240,1,49,0,87,0,0,0,2008,68500,68.5,Less than median +50,8500,4,4,1920,1950,649,649,0,649,668,0,1317,0,0,1,0,3,1,6,0,1920,1,250,0,0,54,172,0,0,0,2008,40000,40,Less than median +-1,8544,5,6,1966,2006,1228,1228,1,1228,0,0,1228,0,0,1,1,3,1,6,0,1966,1,271,1,0,65,0,0,0,0,2008,149350,149.35,Less than median +85,11049,8,5,2007,2007,1234,1234,1,1234,0,0,1234,0,0,2,0,3,1,7,0,2007,2,484,1,0,30,0,0,0,0,2008,179900,179.9,More than median +70,10552,5,5,1959,1959,380,1398,1,1700,0,0,1700,0,1,1,1,4,1,6,1,1959,2,447,1,0,38,0,0,0,0,2010,165500,165.5,More than median +60,7313,9,5,2005,2005,408,1561,1,1561,0,0,1561,1,0,2,0,2,1,6,1,2005,2,556,1,203,47,0,0,0,0,2007,277500,277.5,More than median +108,13418,8,5,2004,2005,1117,1117,1,1132,1320,0,2452,0,0,3,1,4,1,9,1,2004,3,691,1,113,32,0,0,0,0,2006,309000,309,More than median +112,10859,5,5,1994,1995,1097,1097,1,1097,0,0,1097,0,0,1,1,3,1,6,0,1995,2,672,1,392,64,0,0,0,0,2009,145000,145,Less than median +74,8532,5,6,1954,1990,84,1297,1,1297,0,0,1297,0,1,1,0,3,1,5,1,1954,2,498,1,0,0,0,0,0,0,2009,153000,153,Less than median +68,7922,5,7,1953,2007,326,1057,1,1057,0,0,1057,1,0,1,0,3,1,5,0,1953,1,246,1,0,52,0,0,0,0,2010,109000,109,Less than median +65,6040,4,5,1955,1955,0,0,0,1152,0,0,1152,0,0,2,0,2,2,6,0,0,0,0,0,0,0,0,0,0,0,2008,82000,82,Less than median +84,8658,6,5,1965,1965,445,1088,1,1324,0,0,1324,0,0,2,0,3,1,6,1,1965,2,440,1,0,138,0,0,0,0,2006,160000,160,Less than median +115,16905,5,6,1959,1959,383,1350,1,1328,0,0,1328,0,1,1,1,2,1,5,2,1959,1,308,1,0,104,0,0,0,0,2007,170000,170,More than median +-1,9180,5,7,1983,1983,0,840,1,884,0,0,884,1,0,1,0,2,1,5,0,1983,2,504,1,240,0,0,0,0,0,2007,144000,144,Less than median +-1,9200,5,6,1975,1980,167,938,1,938,0,0,938,1,0,1,0,3,1,5,0,1977,1,308,1,145,0,0,0,0,0,2008,130250,130.25,Less than median +70,7945,5,6,1959,1959,465,1150,1,1150,0,0,1150,1,0,1,0,3,1,6,0,1959,1,300,1,0,0,0,0,0,0,2006,141000,141,Less than median +61,7658,9,5,2005,2005,1296,1752,1,1752,0,0,1752,1,0,2,0,2,1,6,1,2005,2,576,1,196,82,0,0,0,0,2010,319900,319.9,More than median +48,12822,7,5,2003,2003,83,1434,1,1518,631,0,2149,1,0,1,1,1,1,6,1,2003,2,670,1,168,43,0,0,198,0,2009,239686,239.69,More than median +84,11096,8,5,2006,2006,1632,1656,1,1656,0,0,1656,0,0,2,0,3,1,7,0,2006,3,826,1,0,146,0,0,0,0,2007,249700,249.7,More than median +33,4456,4,5,1920,2008,736,736,1,736,716,0,1452,0,0,2,0,2,3,8,0,0,0,0,0,0,0,102,0,0,0,2009,113000,113,Less than median +66,7742,5,7,1966,1966,192,955,1,955,0,0,955,1,0,1,0,3,1,6,0,1966,1,386,1,0,0,0,0,0,0,2007,127000,127,Less than median +-1,13869,6,6,1997,1997,612,794,1,794,676,0,1470,0,1,2,0,3,1,6,0,1997,2,388,1,0,75,0,0,0,0,2007,177000,177,More than median +52,6240,6,6,1934,1950,816,816,1,816,0,360,1176,0,0,1,0,3,1,6,1,1985,2,528,1,112,0,0,0,0,0,2006,114500,114.5,Less than median +110,8472,5,5,1963,1963,0,816,0,816,0,0,816,1,0,1,0,2,1,5,0,1963,2,516,1,106,0,0,0,0,0,2010,110000,110,Less than median +68,50271,9,5,1981,1987,32,1842,1,1842,0,0,1842,2,0,0,1,0,1,5,1,1981,3,894,1,857,72,0,0,0,0,2006,385000,385,More than median +60,7134,5,5,1955,1955,0,384,1,1360,0,0,1360,0,0,1,0,3,1,6,1,1962,2,572,1,0,50,0,0,0,0,2007,130000,130,Less than median +100,10175,6,5,1964,1964,935,1425,1,1425,0,0,1425,0,0,2,0,3,1,7,1,1964,2,576,1,0,0,0,407,0,0,2008,180500,180.5,More than median +24,2645,8,5,1999,2000,321,970,1,983,756,0,1739,1,0,2,1,3,1,7,0,1999,2,480,1,115,0,0,0,0,0,2009,172500,172.5,More than median +89,11645,7,5,2004,2004,860,860,1,860,860,0,1720,0,0,2,1,3,1,7,0,2004,2,565,1,0,70,0,0,0,0,2006,196500,196.5,More than median +66,13682,10,5,2006,2006,1410,1410,1,1426,1519,0,2945,0,0,3,1,3,1,10,1,2006,3,641,1,192,0,37,0,0,0,2006,438780,438.78,More than median +60,7200,5,7,1972,1972,148,780,1,780,0,0,780,0,0,1,0,2,1,4,0,1973,1,352,1,196,0,0,0,0,0,2008,124900,124.9,Less than median +63,13072,6,5,2004,2004,217,1158,1,1158,0,0,1158,1,0,1,1,3,1,5,0,2006,2,576,1,0,50,0,0,0,0,2006,158000,158,Less than median +60,7200,5,7,1920,1996,530,530,0,581,530,0,1111,0,0,1,0,3,1,6,0,1935,1,288,0,0,0,144,0,0,0,2007,101000,101,Less than median +44,6442,8,5,2006,2006,1346,1370,1,1370,0,0,1370,0,0,2,0,2,1,6,1,2006,2,484,1,120,49,0,0,0,0,2007,202500,202.5,More than median +50,10300,7,6,1921,1950,576,576,1,902,808,0,1710,0,0,2,0,3,1,9,0,1990,2,480,1,12,11,64,0,0,0,2010,140000,140,Less than median +-1,9375,7,5,1997,1998,318,1057,1,1057,977,0,2034,1,0,2,1,3,1,8,0,1998,2,645,1,576,36,0,0,0,0,2009,219500,219.5,More than median +76,9591,8,5,2004,2005,1143,1143,1,1143,1330,0,2473,0,0,2,1,4,1,9,1,2004,3,852,1,192,151,0,0,0,0,2007,317000,317,More than median +-1,19900,7,5,1970,1989,1035,1947,1,2207,0,0,2207,1,0,2,0,3,1,7,1,1970,2,576,1,301,0,0,0,0,0,2010,180000,180,More than median +72,10665,7,5,2003,2003,440,1453,1,1479,0,0,1479,1,0,2,0,3,1,7,0,2003,2,558,1,144,29,0,0,0,0,2007,226000,226,More than median +47,4608,4,6,1945,1950,747,747,1,747,0,0,747,0,0,1,0,2,1,4,0,1945,1,220,1,0,0,0,0,0,0,2010,80000,80,Less than median +81,15593,7,4,1953,1953,701,1304,1,1304,983,0,2287,0,0,2,0,3,1,7,1,1953,2,667,1,0,21,114,0,0,0,2006,225000,225,More than median +95,13651,7,6,1973,1973,343,2223,1,2223,0,0,2223,1,0,2,0,3,1,8,2,1973,2,516,1,300,0,0,0,0,0,2007,244000,244,More than median +69,7599,4,6,1982,2006,280,845,1,845,0,0,845,1,0,1,0,2,1,4,0,1987,2,360,1,0,0,0,0,0,0,2007,129500,129.5,Less than median +74,10141,7,5,1998,1998,832,832,1,885,833,0,1718,0,0,2,1,3,1,7,1,1998,2,427,1,0,94,0,0,291,0,2009,185000,185,More than median +85,10200,5,7,1954,2003,404,1086,1,1086,0,0,1086,1,0,1,0,3,1,6,0,1989,2,490,1,0,0,0,0,0,0,2010,144900,144.9,Less than median +60,5790,3,6,1915,1950,840,840,0,840,765,0,1605,0,0,2,0,3,2,8,0,1915,1,379,1,0,0,202,0,0,0,2010,107400,107.4,Less than median +21,1596,4,5,1973,1973,0,462,1,526,462,0,988,1,0,1,0,2,1,5,0,1973,1,297,1,120,101,0,0,0,0,2009,91000,91,Less than median +-1,8475,4,7,1956,1956,724,952,1,952,0,0,952,0,0,1,0,2,1,4,0,1956,1,283,1,0,0,0,0,0,0,2008,135750,135.75,Less than median +50,8635,5,5,1948,2001,295,672,1,1072,213,0,1285,1,0,1,0,2,1,6,0,1948,1,240,1,0,0,0,0,0,0,2008,127000,127,Less than median +72,10778,4,5,1968,1968,1768,1768,0,1768,0,0,1768,0,0,2,0,4,2,8,0,0,0,0,1,0,0,0,0,0,0,2010,136500,136.5,Less than median +60,10440,5,6,1910,1981,440,440,1,682,548,0,1230,0,0,1,1,2,1,5,0,1966,2,440,1,74,0,128,0,0,0,2009,110000,110,Less than median +100,13000,6,6,1968,1968,448,896,1,1182,960,0,2142,0,0,2,1,4,1,8,1,1968,1,509,1,0,72,0,0,252,0,2009,193500,193.5,More than median +32,4500,6,5,1998,1998,36,1237,1,1337,0,0,1337,1,0,2,0,2,1,5,0,1998,2,405,1,0,199,0,0,0,0,2006,153500,153.5,Less than median +78,10206,8,5,2007,2007,1530,1563,1,1563,0,0,1563,0,0,2,0,3,1,6,1,2007,3,758,1,144,99,0,0,0,0,2008,245000,245,More than median +80,8892,5,5,1960,1960,1065,1065,1,1065,0,0,1065,0,0,1,1,3,1,6,0,1974,2,461,1,74,0,0,0,0,0,2007,126500,126.5,Less than median +-1,8530,7,5,1995,1996,384,384,1,804,670,0,1474,0,0,2,1,3,1,7,1,1995,2,400,1,120,72,0,0,0,0,2009,168500,168.5,More than median +121,16059,8,5,1991,1992,1288,1288,1,1301,1116,0,2417,0,0,2,1,4,1,9,1,1991,2,462,1,127,82,0,0,0,0,2006,260000,260,More than median +122,11911,6,5,2005,2005,684,684,1,684,876,0,1560,0,0,2,1,3,1,6,1,2005,2,400,1,100,38,0,0,0,0,2009,174000,174,More than median +40,3951,6,5,2009,2009,612,612,1,612,612,0,1224,0,0,2,1,2,1,4,0,2009,2,528,1,0,234,0,0,0,0,2009,164500,164.5,More than median +105,8470,3,2,1915,1982,1013,1013,0,1013,0,513,1526,0,0,1,0,2,1,6,0,0,0,0,0,0,0,156,0,0,0,2009,85000,85,Less than median +60,8070,4,5,1994,1995,402,990,1,990,0,0,990,1,0,1,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2007,123600,123.6,Less than median +60,7200,4,5,1950,1950,0,0,1,1040,0,0,1040,0,0,1,0,2,1,4,0,1950,2,420,1,0,29,0,0,0,0,2006,109900,109.9,Less than median +85,8500,5,3,1961,1961,635,1235,1,1235,0,0,1235,0,0,1,0,2,1,6,0,1961,2,480,1,0,0,0,0,0,0,2006,98600,98.6,Less than median +80,13360,5,7,1921,2006,163,876,1,964,0,0,964,1,0,1,0,2,1,5,0,1921,2,432,1,0,0,44,0,0,0,2009,163500,163.5,More than median +60,7200,6,6,1910,1998,168,1214,0,1260,1031,0,2291,0,1,2,0,4,2,9,1,1900,2,506,1,0,0,0,0,99,0,2007,133900,133.9,Less than median +69,9337,6,5,1997,1997,176,824,1,905,881,0,1786,1,0,2,1,3,1,7,0,1997,2,684,1,0,162,0,0,0,0,2007,204750,204.75,More than median +-1,9765,6,8,1993,1993,370,680,1,680,790,0,1470,0,0,2,1,3,1,6,1,1993,2,420,1,232,63,0,0,0,0,2009,185000,185,More than median +78,10264,7,5,1999,1999,426,1588,1,1588,0,0,1588,0,0,2,0,3,1,6,0,1999,2,472,1,158,29,0,0,0,0,2006,214000,214,More than median +73,10921,4,5,1965,1965,440,960,1,960,0,0,960,1,0,1,0,3,1,6,0,1965,1,432,1,120,0,0,0,0,0,2007,94750,94.75,Less than median +85,10625,5,5,1920,1950,350,458,0,835,0,0,835,0,0,1,0,2,1,5,0,1920,1,366,1,0,0,77,0,0,0,2010,83000,83,Less than median +77,9320,4,5,1959,1959,381,950,1,1225,0,0,1225,1,0,1,1,3,1,6,0,0,0,0,1,352,0,0,0,0,0,2010,128950,128.95,Less than median +-1,10603,6,7,1977,2001,410,1610,1,1610,0,0,1610,1,0,2,0,3,1,6,2,1977,2,480,1,168,68,0,0,0,0,2010,205000,205,More than median +77,9206,6,5,1985,1985,741,741,1,977,755,0,1732,0,0,2,1,3,1,7,1,1985,2,476,1,192,46,0,0,0,0,2010,178000,178,More than median +64,7018,5,5,1979,1979,0,0,1,1535,0,0,1535,0,0,2,0,4,2,8,0,1979,2,410,1,0,0,0,0,0,0,2009,118964,118.96,Less than median +94,10402,7,5,2009,2009,1226,1226,1,1226,0,0,1226,0,0,2,0,3,1,6,0,2009,3,740,1,0,36,0,0,0,0,2010,198900,198.9,More than median +-1,7758,7,4,1931,1950,816,1040,1,1226,592,0,1818,0,0,1,1,4,1,7,2,1951,1,240,1,0,0,0,0,184,0,2007,169500,169.5,More than median +75,9375,8,5,2003,2004,1053,1053,1,1053,939,0,1992,0,0,2,1,3,1,9,1,2003,2,648,1,140,45,0,0,0,0,2008,250000,250,More than median +60,10800,4,7,1885,1995,641,641,1,1047,0,0,1047,0,0,1,0,2,1,6,0,1954,1,273,0,0,0,0,0,0,0,2007,100000,100,Less than median +50,6000,5,5,1948,1950,516,789,1,789,0,0,789,0,0,1,0,2,1,5,0,1948,1,250,1,0,0,0,0,0,0,2008,115000,115,Less than median +85,8500,5,7,1919,2005,793,793,0,997,520,0,1517,0,0,2,0,3,1,7,0,0,0,0,0,0,0,144,0,0,0,2007,115000,115,Less than median +105,11751,6,6,1977,1977,1139,1844,1,1844,0,0,1844,0,0,2,0,3,1,7,1,1977,2,546,1,0,122,0,0,0,0,2010,190000,190,More than median +75,9525,6,4,1954,1972,550,994,1,1216,639,0,1855,0,0,2,0,4,1,7,0,1954,1,325,1,182,0,0,0,0,0,2006,136900,136.9,Less than median +-1,7750,7,5,2000,2000,134,384,1,774,656,0,1430,0,0,2,1,3,1,7,1,2000,2,400,1,180,0,0,0,0,0,2010,180000,180,More than median +77,9965,7,5,2007,2007,280,1264,1,1282,1414,0,2696,1,0,2,1,4,1,10,1,2007,3,792,1,120,184,0,0,168,0,2007,383970,383.97,More than median +-1,21000,6,5,1953,1953,905,1809,1,2259,0,0,2259,1,0,2,0,3,1,7,2,1953,2,450,1,166,120,192,0,0,0,2007,217000,217,More than median +61,7259,6,8,1945,2002,104,1028,1,1436,884,0,2320,1,0,2,1,3,1,9,1,1945,1,180,1,224,0,0,0,0,0,2007,259500,259.5,More than median +34,3230,6,5,1999,1999,310,729,1,729,729,0,1458,0,0,2,1,2,1,5,1,1999,2,440,1,0,32,0,0,0,0,2007,176000,176,More than median +-1,11616,5,5,1962,1962,252,1092,1,1092,0,0,1092,0,1,1,0,3,1,6,1,1962,1,288,1,0,20,144,0,0,0,2009,139000,139,Less than median +74,8536,5,5,2006,2007,1125,1125,1,1125,0,0,1125,0,0,1,1,2,1,5,0,2007,2,430,1,80,64,0,0,0,0,2007,155000,155,Less than median +90,12376,7,5,1990,1990,203,1673,1,1699,1523,0,3222,1,0,3,0,5,1,11,2,1990,3,594,1,367,0,0,0,0,0,2010,320000,320,More than median +65,8461,6,5,2005,2006,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,1,2005,2,390,1,0,24,0,0,0,0,2006,163990,163.99,More than median +-1,21453,6,5,1969,1969,0,938,1,988,0,0,988,1,0,1,0,1,1,4,2,1969,2,540,1,0,130,0,130,0,0,2006,180000,180,More than median +50,6060,4,5,1939,1950,732,732,1,772,351,0,1123,0,0,1,0,3,1,4,0,1979,1,264,1,0,0,140,0,0,0,2007,100000,100,Less than median +75,9464,6,7,1958,1958,510,1080,1,1080,0,0,1080,0,0,1,0,3,1,5,0,1958,1,288,1,0,0,0,0,130,0,2008,136000,136,Less than median +55,7892,6,5,1993,1993,899,1199,1,1199,0,0,1199,0,0,2,0,2,1,5,0,1993,2,530,1,0,63,0,0,0,0,2008,153900,153.9,Less than median +48,17043,6,5,1979,1998,1362,1362,1,1586,0,0,1586,0,0,2,0,3,1,7,1,1979,2,435,1,192,0,0,0,0,0,2009,181000,181,More than median +60,6780,6,8,1935,1982,30,520,0,520,0,234,754,1,0,1,0,2,1,5,0,0,0,0,0,53,0,0,0,0,0,2006,84500,84.5,Less than median +-1,4928,6,5,1976,1976,958,1078,1,958,0,0,958,0,0,2,0,2,1,5,1,1977,2,440,1,0,205,0,0,0,0,2007,128000,128,Less than median +55,4388,5,7,1930,1950,556,672,1,840,0,0,840,0,0,1,0,3,1,5,1,0,0,0,0,0,0,0,0,0,0,2007,87000,87,Less than median +69,7590,6,5,1966,1966,148,660,1,660,688,0,1348,0,0,1,1,3,1,6,1,1966,2,453,1,188,108,0,0,0,0,2006,155000,155,Less than median +69,8973,5,7,1958,1991,413,1008,1,1053,0,0,1053,0,1,1,1,3,1,6,0,1998,2,750,1,0,80,0,180,0,0,2006,150000,150,Less than median +88,14200,7,6,1966,1966,479,924,1,1216,941,0,2157,0,0,2,1,4,1,8,2,1966,2,487,1,105,66,0,0,0,0,2006,226000,226,More than median +-1,12224,6,5,2000,2000,297,992,1,1022,1032,0,2054,1,0,2,1,3,1,7,1,2000,2,390,1,24,48,0,0,0,0,2009,244000,244,More than median +75,7388,5,6,1959,2002,658,1063,1,1327,0,0,1327,1,0,1,0,3,1,7,0,1974,2,624,1,0,0,0,0,0,0,2007,150750,150.75,Less than median +-1,6853,8,5,2001,2002,262,1267,1,1296,0,0,1296,1,0,2,0,2,1,6,0,2001,2,471,1,192,25,0,0,0,0,2009,220000,220,More than median +78,10335,5,6,1968,1993,891,1461,1,1721,0,0,1721,0,0,2,1,3,1,7,1,1968,2,440,1,0,96,180,0,0,0,2006,180000,180,More than median +80,10400,7,6,1970,1970,1304,1304,1,1682,0,0,1682,0,0,2,0,3,1,7,1,1970,2,530,1,98,0,0,0,0,0,2008,174000,174,More than median +-1,10355,5,5,1967,1967,519,1214,1,1214,0,0,1214,0,0,2,0,3,1,5,1,1967,1,318,1,0,111,0,0,0,0,2007,143000,143,Less than median +82,11070,7,5,1988,1989,1907,1907,1,1959,0,0,1959,0,0,3,0,5,2,9,0,1989,3,766,1,0,0,0,0,0,0,2006,171000,171,More than median +73,9066,8,5,1999,2000,336,1004,1,1004,848,0,1852,0,0,2,1,3,1,7,2,1999,3,660,1,224,106,0,0,0,0,2008,230000,230,More than median +65,15426,6,5,1997,1997,107,928,1,928,836,0,1764,1,0,2,1,3,1,7,0,1997,2,470,1,276,99,0,0,0,0,2009,231500,231.5,More than median +70,10500,4,5,1971,1971,432,864,1,864,0,0,864,0,0,1,0,3,1,5,1,0,0,0,1,0,0,0,0,0,0,2010,115000,115,Less than median +78,11645,7,5,2005,2005,434,1734,1,1734,0,0,1734,1,0,2,0,3,1,7,0,2005,2,660,1,160,24,0,0,0,0,2006,260000,260,More than median +71,8520,5,4,1952,1952,403,910,1,910,475,0,1385,0,0,2,0,4,1,6,0,2000,2,720,1,0,0,0,0,0,0,2010,166000,166,More than median +78,10335,7,5,1999,1999,811,1490,1,1501,0,0,1501,1,0,2,0,3,1,6,0,1999,2,577,1,144,29,0,0,0,0,2009,204000,204,More than median +70,9100,5,5,1963,1963,396,1728,1,1728,0,0,1728,1,0,2,0,6,2,10,0,1963,2,504,1,0,0,0,0,0,0,2006,125000,125,Less than median +24,2522,6,5,2004,2006,970,970,1,970,739,0,1709,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,130000,130,Less than median +51,6120,5,7,1931,1993,506,715,1,875,0,0,875,1,0,1,0,2,1,5,0,1931,1,180,1,48,0,0,0,0,0,2009,105000,105,Less than median +-1,9505,7,5,2001,2001,884,884,1,884,1151,0,2035,0,0,2,1,3,1,8,1,2001,2,434,1,144,48,0,0,0,0,2010,222500,222.5,More than median +63,7500,7,5,2004,2005,400,1080,1,1080,0,0,1080,1,0,1,0,3,1,6,0,0,0,0,1,0,0,0,0,0,0,2008,141000,141,Less than median +-1,6240,5,4,1936,1950,896,896,1,896,448,0,1344,0,0,1,0,3,1,7,0,1936,1,240,1,200,114,0,0,0,0,2006,115000,115,Less than median +120,10356,5,6,1975,1975,253,969,1,969,0,0,969,0,0,1,1,3,1,5,0,1975,2,440,1,0,0,0,0,0,0,2007,122000,122,Less than median +107,13891,8,5,2007,2008,310,1710,1,1710,0,0,1710,1,0,2,0,2,1,6,1,2007,3,866,1,0,102,0,0,0,0,2008,372402,372.4,More than median +-1,14803,6,5,1971,1971,409,825,1,1097,896,0,1993,0,0,2,1,4,1,8,1,1971,2,495,1,0,66,0,0,0,0,2006,190000,190,More than median +-1,13500,6,7,1960,1975,93,1602,1,1252,0,0,1252,1,0,1,0,1,1,4,1,1960,2,564,1,409,0,0,0,0,0,2008,235000,235,More than median +84,11340,6,5,1923,1950,1200,1200,1,1200,0,0,1200,0,0,1,0,4,1,7,0,1923,1,312,1,0,0,228,0,0,0,2006,125000,125,Less than median +60,9600,6,5,1924,1950,572,572,0,572,524,0,1096,0,0,1,0,2,1,5,0,0,0,0,0,0,8,128,0,0,0,2008,79000,79,Less than median +60,7200,5,7,1950,1950,0,0,1,1040,0,0,1040,0,0,1,0,2,1,5,0,1950,2,625,1,0,0,0,0,0,0,2006,109500,109.5,Less than median +92,12003,8,5,2009,2010,774,774,1,774,1194,0,1968,0,0,2,1,4,1,8,1,2009,3,680,1,0,75,0,0,0,0,2010,269500,269.5,More than median +100,12552,7,5,2004,2005,769,991,1,991,956,0,1947,0,0,2,1,3,1,8,1,2004,2,678,1,0,136,0,0,0,0,2010,254900,254.9,More than median +134,19378,7,5,2005,2006,1335,1392,1,1392,1070,0,2462,1,0,2,1,4,1,9,1,2006,2,576,1,239,132,0,168,0,0,2006,320000,320,More than median +-1,11120,6,6,1984,1984,572,1232,1,1232,0,0,1232,0,0,2,0,3,1,6,0,1984,2,516,1,0,0,0,0,0,0,2008,162500,162.5,Less than median +110,13688,9,5,2003,2004,556,1572,1,1572,1096,0,2668,1,0,2,1,3,1,10,2,2003,3,726,1,400,0,0,0,0,0,2008,412500,412.5,More than median +95,12182,7,5,2005,2005,340,1541,1,1541,0,0,1541,0,0,2,0,3,1,7,1,2005,2,532,1,0,70,0,0,0,0,2010,220000,220,More than median +55,5500,4,6,1956,1956,882,882,1,882,0,0,882,0,0,1,0,1,1,4,0,0,0,0,1,0,0,0,0,0,0,2007,103200,103.2,Less than median +40,5400,6,7,1926,2004,779,1149,1,1149,467,0,1616,0,0,2,0,3,1,5,0,1926,1,216,1,0,0,183,0,0,0,2007,152000,152,Less than median +62,10106,5,7,1940,1999,112,644,1,808,547,0,1355,1,0,2,0,4,2,6,0,0,0,0,1,140,0,0,0,0,0,2008,127500,127.5,Less than median +-1,10708,5,5,1955,1993,470,1617,1,1867,0,0,1867,1,0,1,0,2,1,7,3,1955,1,303,1,476,0,0,0,142,0,2009,190000,190,More than median +86,10562,8,5,2007,2007,294,1582,1,1610,551,0,2161,1,0,1,1,3,1,8,1,2007,3,789,1,178,120,0,0,0,0,2007,325624,325.62,More than median +62,8244,7,5,2004,2004,840,840,1,840,880,0,1720,0,0,2,1,3,1,7,1,2004,2,440,1,100,48,0,0,0,0,2007,183500,183.5,More than median +-1,16669,8,6,1981,1981,1686,1686,1,1707,0,0,1707,0,0,2,1,2,1,6,1,1981,2,511,1,574,64,0,0,0,0,2006,228000,228,More than median +-1,12358,5,6,1941,1950,360,720,1,854,0,528,1382,0,0,1,1,2,1,7,0,1991,2,660,1,237,0,0,0,0,0,2007,128500,128.5,Less than median +141,31770,6,5,1960,1960,441,1080,1,1656,0,0,1656,1,0,1,0,3,1,7,2,1960,2,528,1,210,62,0,0,0,0,2010,215000,215,More than median +44,5306,7,7,1987,1987,354,1064,1,1064,703,0,1767,1,0,2,0,2,1,5,1,1987,2,504,1,441,35,0,0,0,0,2006,239000,239,More than median +80,10197,6,5,1961,1961,700,1362,1,1362,0,0,1362,1,0,1,1,3,1,6,1,1961,2,504,1,0,20,0,0,0,0,2008,163000,163,Less than median +47,12416,6,5,1986,1986,0,1606,1,1651,0,0,1651,1,0,2,0,3,1,7,1,1986,2,616,1,192,0,0,0,0,0,2008,184000,184,More than median +84,12615,6,7,1950,2001,725,1202,1,2158,0,0,2158,1,0,2,0,4,1,7,1,1950,2,576,1,0,29,39,0,0,0,2007,243000,243,More than median +97,10029,6,5,1988,1989,320,1151,1,1164,896,0,2060,0,1,2,1,4,1,8,1,1988,2,521,1,0,228,0,0,192,0,2007,211000,211,More than median +-1,13650,5,5,1958,1958,554,1052,1,1252,668,0,1920,1,0,2,0,4,1,8,1,1958,2,451,1,0,0,0,0,0,0,2006,172500,172.5,More than median +63,17423,9,5,2008,2009,312,2216,1,2234,0,0,2234,1,0,2,0,1,1,9,1,2009,3,1166,1,0,60,0,0,0,0,2009,501837,501.84,More than median +60,8520,5,6,1923,2006,968,968,1,968,0,0,968,0,0,1,0,2,1,5,0,1935,2,480,0,0,0,184,0,0,0,2007,100000,100,Less than median +-1,2117,6,5,2000,2000,320,756,1,769,756,0,1525,0,0,2,1,3,1,5,1,2000,2,440,1,0,0,0,0,0,0,2007,177000,177,More than median +54,7588,7,6,1920,1950,441,793,1,901,901,0,1802,0,0,1,1,4,1,9,1,1920,1,216,1,0,0,40,0,0,0,2006,200100,200.1,More than median +60,9060,5,6,1957,2006,0,0,1,1340,0,0,1340,0,0,1,0,3,1,7,1,1957,1,252,1,116,0,0,180,0,0,2007,120000,120,Less than median +63,11426,7,5,2003,2003,1362,1362,1,1362,720,0,2082,0,0,2,1,3,1,6,0,2003,2,484,0,280,238,0,0,0,0,2008,200000,200,More than median +92,7438,5,8,1908,1991,504,504,1,936,316,0,1252,0,0,1,0,3,1,5,0,1986,2,576,1,104,0,0,0,0,0,2006,127000,127,Less than median +90,22950,10,9,1892,1993,1107,1107,1,1518,1518,572,3608,0,0,2,1,4,1,12,2,1993,3,840,1,0,260,0,0,410,0,2006,475000,475,More than median +-1,9947,7,5,1990,1991,577,1188,1,1217,0,0,1217,1,0,2,0,3,1,6,0,1990,2,497,1,168,27,0,0,0,0,2009,173000,173,More than median +60,10410,5,7,1916,1987,660,660,1,808,704,144,1656,0,0,2,1,3,1,8,0,1916,1,180,0,0,0,0,140,0,0,2009,135000,135,Less than median +64,7018,5,5,1979,1979,0,1086,1,1224,0,0,1224,2,0,0,2,2,2,6,2,1979,2,528,1,120,0,0,0,0,0,2009,153337,153.34,Less than median +41,4923,8,5,2001,2002,440,1593,1,1593,0,0,1593,1,0,1,1,0,1,5,1,2001,2,682,1,0,120,0,0,224,0,2008,286000,286,More than median +70,10570,8,8,1932,1994,556,853,1,1549,1178,0,2727,0,0,2,1,3,1,10,2,1932,2,440,1,0,74,0,0,0,0,2007,315000,315,More than median +-1,7472,7,9,1972,2004,99,725,1,725,754,0,1479,1,0,1,1,4,1,7,0,1972,2,484,1,0,32,0,0,0,0,2007,184000,184,More than median +68,9017,7,5,1999,1999,871,1431,1,1431,0,0,1431,1,0,2,0,3,1,6,0,1999,2,666,1,0,35,0,0,0,0,2009,192000,192,More than median +24,2522,7,5,2004,2004,970,970,1,970,739,0,1709,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,130000,130,Less than median +60,7180,5,7,1972,1972,474,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1989,1,352,1,0,0,0,0,0,0,2008,127000,127,Less than median +24,2280,6,6,1976,1976,289,855,1,855,601,0,1456,0,0,2,1,3,1,7,1,1976,2,440,1,87,0,0,0,0,0,2009,148500,148.5,Less than median +79,9416,7,5,2007,2007,600,1726,1,1726,0,0,1726,1,0,2,0,3,1,8,1,2007,3,786,1,171,138,0,0,266,0,2007,311872,311.87,More than median +174,25419,8,4,1918,1990,140,1360,1,1360,1360,392,3112,1,1,2,0,4,1,8,1,1918,2,795,1,0,16,552,0,0,512,2006,235000,235,More than median +92,5520,6,6,1912,1950,755,755,1,929,929,371,2229,0,0,1,0,5,1,8,0,0,0,0,1,0,198,30,0,0,0,2009,104000,104,Less than median +76,9591,8,5,2004,2005,625,1713,1,1713,0,0,1713,1,0,2,0,3,1,7,1,2004,3,856,1,0,26,0,0,170,0,2009,274900,274.9,More than median +80,8546,4,5,2003,2004,1121,1121,1,1121,0,0,1121,0,0,2,0,2,1,5,0,2003,2,440,1,132,64,0,0,0,0,2010,140000,140,Less than median +75,10125,6,6,1977,1977,276,1196,1,1279,0,0,1279,0,1,2,0,3,1,6,2,1980,2,473,1,238,83,0,0,0,0,2008,171500,171.5,More than median +50,7000,6,6,1924,1950,0,617,1,865,445,0,1310,0,0,2,0,2,1,6,0,1924,1,398,1,0,0,126,0,0,0,2006,112000,112,Less than median +-1,4438,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,149,0,0,0,0,0,2008,149000,149,Less than median +50,3500,5,7,1947,1950,408,720,1,720,564,0,1284,0,0,1,1,2,1,5,0,1948,1,240,1,0,35,0,0,0,0,2009,110000,110,Less than median +99,11851,7,5,1990,1990,1424,1424,1,1442,0,0,1442,0,0,2,0,3,1,5,0,1990,2,500,1,0,34,0,508,0,0,2009,180500,180.5,More than median +40,13673,5,5,1962,1962,1140,1140,1,1696,0,0,1696,0,0,1,1,3,1,8,1,1962,1,349,1,0,30,0,0,0,0,2007,143900,143.9,Less than median +-1,12493,4,5,1960,1960,375,1100,1,1100,0,0,1100,1,0,1,0,3,1,6,1,1960,1,312,1,355,0,0,0,0,0,2008,141000,141,Less than median +-1,14364,7,5,1988,1989,92,1157,1,1180,882,0,2062,1,0,2,1,3,1,7,1,1988,2,454,1,60,55,0,0,154,0,2007,277000,277,More than median +75,8250,6,7,1964,1964,305,1092,1,1092,0,0,1092,1,0,1,0,3,1,6,0,1964,2,504,1,0,0,0,0,0,0,2008,145000,145,Less than median +67,5604,5,6,1925,1950,396,864,0,864,0,0,864,1,0,1,0,2,1,5,0,0,0,0,1,0,0,96,0,0,0,2008,98000,98,Less than median +83,10420,6,5,2009,2009,1176,1212,1,1212,0,0,1212,0,0,2,0,3,1,6,0,2009,2,460,1,100,22,0,0,0,0,2010,186000,186,More than median +72,8640,7,5,2009,2009,78,900,1,932,920,0,1852,1,0,2,1,3,1,7,1,2009,2,644,1,168,108,0,0,0,0,2009,252678,252.68,More than median +43,13568,5,5,1995,1995,274,990,1,990,0,0,990,0,1,1,0,3,1,5,0,1996,2,576,1,224,0,0,0,0,0,2006,156000,156,Less than median +-1,10900,6,7,1977,1977,311,689,1,689,703,0,1392,0,0,1,1,3,1,6,0,1977,1,299,1,0,36,0,0,0,0,2010,161750,161.75,Less than median +72,10011,5,6,1957,1996,710,1070,1,1236,0,0,1236,0,1,1,0,2,1,6,1,1957,1,447,1,0,0,0,0,0,0,2006,134450,134.45,Less than median +65,8450,7,5,2004,2004,490,1436,1,1436,0,0,1436,1,0,2,0,3,1,8,0,2004,2,484,1,139,98,0,0,0,0,2008,210000,210,More than median +57,9906,4,4,1925,1950,686,686,0,810,518,0,1328,0,0,1,0,3,1,8,0,1940,1,210,1,0,172,60,0,0,0,2006,107000,107,Less than median +-1,15660,7,9,1939,2006,457,798,1,1137,817,0,1954,0,1,1,1,3,1,8,2,1939,2,431,1,0,119,150,0,0,0,2008,311500,311.5,More than median +43,3010,7,5,2005,2006,1232,1248,1,1248,0,0,1248,0,0,2,0,2,1,5,0,2005,2,438,1,108,0,0,0,0,0,2006,167240,167.24,More than median +73,8990,7,5,2006,2006,1498,1498,1,1498,0,0,1498,0,0,2,0,2,1,5,0,2006,2,675,1,351,33,0,0,0,0,2006,204900,204.9,More than median +-1,8068,6,5,2002,2002,1010,1010,1,1010,1257,0,2267,0,0,2,1,4,1,8,1,2002,2,390,1,120,46,0,0,0,0,2009,200000,200,More than median +85,11475,6,6,1975,1975,163,713,1,811,741,0,1552,1,0,2,1,3,1,6,1,1975,2,434,1,209,208,0,0,0,0,2006,179900,179.9,More than median +70,10500,4,6,1971,1971,160,864,1,864,0,0,864,0,0,1,0,2,1,4,0,1989,2,576,1,216,0,0,0,0,0,2009,97000,97,Less than median +103,13472,10,5,2003,2003,2336,2392,1,2392,0,0,2392,0,0,2,0,3,1,8,1,2003,3,968,1,248,105,0,0,0,0,2009,386250,386.25,More than median +21,1680,5,5,1971,1971,630,630,1,630,672,0,1302,0,0,2,1,3,1,6,0,1991,1,280,1,0,0,0,0,0,0,2009,112000,112,Less than median +82,9950,7,5,1995,1995,638,1203,1,1214,1306,0,2520,0,0,2,1,4,1,9,1,1995,3,721,1,224,114,0,0,0,0,2007,290000,290,More than median +21,1869,6,6,1970,1970,162,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1987,1,280,1,0,0,0,0,0,0,2008,106000,106,Less than median +70,8521,5,5,1967,1967,70,912,1,912,0,0,912,0,0,1,0,3,1,5,1,1974,1,336,1,0,0,0,0,0,0,2010,125000,125,Less than median +43,3182,7,5,2005,2006,1357,1373,1,1555,0,0,1555,0,0,2,0,2,1,7,1,2005,2,430,1,143,20,0,0,0,0,2009,192500,192.5,More than median +73,8760,6,6,1959,1959,1194,1194,1,1194,0,0,1194,1,0,1,0,3,1,6,0,1959,1,312,1,0,0,120,0,0,0,2010,148000,148,Less than median +174,15138,8,5,1995,1996,773,1462,1,1490,1304,0,2794,1,0,2,1,4,1,9,1,1995,3,810,1,0,146,202,0,0,0,2009,403000,403,More than median +21,1680,6,5,1972,1972,483,483,1,483,504,0,987,0,0,1,1,2,1,5,1,1972,1,288,1,0,0,0,0,0,0,2006,94500,94.5,Less than median +75,10650,5,6,1976,1976,0,894,1,894,0,0,894,1,0,1,0,3,1,5,0,1976,1,308,1,365,0,0,0,0,0,2010,128200,128.2,Less than median +-1,7851,6,5,2002,2002,235,860,1,860,1100,0,1960,1,0,2,1,4,1,8,2,2002,2,440,1,288,48,0,0,0,0,2010,216500,216.5,More than median +21,1680,6,3,1971,1971,125,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1971,1,264,1,0,0,0,0,0,0,2008,89500,89.5,Less than median +65,8773,7,5,2004,2004,1390,1414,1,1414,0,0,1414,0,0,2,0,3,1,6,0,2004,2,494,1,132,105,0,0,0,0,2010,185500,185.5,More than median +-1,9453,7,7,1993,2003,594,996,1,1014,730,0,1744,0,0,2,1,3,1,7,0,1993,2,457,1,370,70,0,238,0,0,2010,194500,194.5,More than median +93,12030,8,5,2007,2007,1694,1694,1,1694,0,0,1694,0,0,2,0,3,1,7,0,2007,3,818,1,168,228,0,0,0,0,2007,318000,318,More than median +52,8741,6,4,1945,1950,641,735,1,798,689,0,1487,0,0,1,1,3,1,7,1,1949,1,220,1,0,140,0,0,0,0,2010,113000,113,Less than median +75,9000,8,5,2008,2008,488,1566,1,1566,0,0,1566,1,0,2,0,3,1,7,0,2008,2,750,1,144,168,0,0,0,0,2010,262500,262.5,More than median +40,3880,5,9,1945,1997,357,686,1,866,0,0,866,0,0,1,0,2,1,4,0,0,0,0,1,58,42,0,0,0,0,2007,110500,110.5,Less than median +63,5000,5,4,1900,1950,540,540,0,889,551,0,1440,0,0,1,0,3,1,6,0,1940,1,352,1,0,0,77,0,0,0,2006,79000,79,Less than median +75,10762,6,6,1980,1980,626,626,1,626,591,0,1217,0,0,1,1,3,1,6,1,1980,1,288,1,0,28,0,0,0,0,2009,120000,120,Less than median +-1,8880,7,5,1994,2002,253,948,1,1222,888,0,2110,1,0,2,1,3,1,8,2,1994,2,463,1,0,130,0,0,0,0,2010,205000,205,More than median +80,10400,7,5,1988,1988,916,1845,1,1872,0,0,1872,0,1,2,0,3,1,6,1,1988,2,604,1,197,39,0,0,0,0,2006,241500,241.5,More than median +69,9142,6,8,1910,1950,1020,1020,0,908,1020,0,1928,0,0,2,0,4,2,9,0,1910,1,440,1,0,60,112,0,0,0,2006,137000,137,Less than median +75,11310,6,5,1954,1954,1367,1367,1,1375,0,0,1375,0,0,1,0,2,1,5,1,1954,2,451,1,0,30,0,0,0,0,2006,140000,140,Less than median +72,11317,7,5,2003,2003,840,840,1,840,828,0,1668,0,0,2,1,3,1,8,0,2003,2,500,1,144,68,0,0,0,0,2007,180000,180,More than median +-1,159000,6,7,1958,2006,747,1444,1,1444,700,0,2144,0,1,2,0,4,1,7,2,1958,2,389,1,0,98,0,0,0,0,2007,277000,277,More than median +55,5350,3,2,1940,1966,728,728,1,1306,0,0,1306,0,0,1,0,3,1,6,0,0,0,0,1,263,0,0,0,0,0,2010,76500,76.5,Less than median +44,4750,8,5,2006,2007,0,1573,1,1625,0,0,1625,1,1,2,0,2,1,5,1,2006,2,538,1,123,0,0,0,153,0,2007,235000,235,More than median +65,8366,6,5,2004,2004,798,798,1,798,842,0,1640,0,0,2,1,3,1,6,0,2004,2,520,1,138,45,0,0,0,0,2008,173000,173,More than median +85,9350,6,7,1964,1991,452,1302,1,1302,0,0,1302,0,1,2,0,3,1,7,0,1964,1,309,1,333,0,0,0,0,0,2007,158000,158,Less than median +70,8400,5,6,1957,1957,392,1314,1,1314,0,0,1314,1,0,1,0,3,1,5,0,1957,1,294,1,250,0,0,0,0,0,2010,145000,145,Less than median +66,8738,7,5,1999,1999,975,975,1,1005,1286,0,2291,0,0,2,1,4,1,8,1,1999,2,429,1,192,0,0,0,0,0,2006,230000,230,More than median +64,8791,6,5,2003,2003,361,864,1,864,864,0,1728,0,0,2,1,3,1,7,0,2003,2,673,1,216,56,0,0,0,0,2008,207500,207.5,More than median +68,8814,7,5,2006,2006,270,1604,1,1604,0,0,1604,1,0,2,1,3,1,8,1,2006,2,660,1,123,110,0,0,0,0,2009,220000,220,More than median +80,12435,7,5,2001,2001,602,963,1,963,829,0,1792,0,0,2,1,3,1,7,1,2001,2,564,1,0,96,0,245,0,0,2008,231500,231.5,More than median +70,12702,5,5,1956,1956,0,0,1,882,0,0,882,0,0,1,0,2,1,4,0,1956,1,308,1,0,45,0,0,0,0,2008,97000,97,Less than median +120,19296,6,5,1962,1962,0,1362,1,1382,0,0,1382,1,0,1,0,3,1,6,1,1991,2,884,1,0,0,252,0,0,0,2009,176000,176,More than median +69,9588,8,5,2007,2007,1482,1482,1,1482,1092,0,2574,0,0,2,1,3,1,10,1,2007,3,868,1,0,148,0,0,0,0,2007,276000,276,More than median +88,8471,6,7,1977,1995,0,506,1,1212,0,0,1212,1,0,1,0,3,1,6,1,1978,2,492,1,292,12,0,0,0,0,2006,151000,151,Less than median +50,5500,5,7,1929,2001,0,926,1,926,0,390,1316,1,0,1,0,3,1,6,0,1974,2,484,1,0,0,0,0,0,0,2010,130000,130,Less than median +30,5232,5,5,1925,2004,680,680,0,764,0,0,764,0,0,1,0,2,1,4,0,1965,2,504,0,0,0,0,0,0,0,2008,73000,73,Less than median +78,12090,6,6,1981,1981,606,1422,1,1422,0,0,1422,0,0,2,0,3,1,7,1,1981,2,576,1,276,0,0,0,0,0,2008,175500,175.5,More than median +70,11207,6,5,1997,1997,88,802,1,802,709,0,1511,1,0,2,1,3,1,8,1,1997,2,413,1,95,75,0,0,0,0,2006,185000,185,More than median +60,8400,5,8,1939,1997,342,720,1,1052,720,420,2192,0,0,2,1,4,1,8,1,1939,1,240,1,262,24,0,0,0,0,2008,179500,179.5,More than median +71,6900,5,6,1940,1955,212,740,1,778,0,0,778,0,0,1,0,2,1,4,1,1966,1,924,1,0,25,0,0,0,0,2008,120500,120.5,Less than median +-1,7917,6,7,1976,1976,392,1143,1,1113,0,0,1113,1,0,1,1,3,1,6,1,1987,1,504,1,370,30,0,0,0,0,2007,148000,148,Less than median +84,10728,8,5,2006,2006,1095,1095,1,1095,844,0,1939,0,0,2,1,3,1,8,1,2006,3,1053,1,192,51,0,0,0,0,2006,266000,266,More than median +73,39104,7,7,1954,2005,96,1385,1,1363,0,0,1363,1,0,1,0,2,1,5,2,1954,2,439,1,81,0,0,0,0,0,2008,241500,241.5,More than median +92,11764,8,7,1999,2007,628,1152,1,1164,1106,0,2270,0,0,2,1,4,1,9,1,1999,3,671,1,132,57,0,0,0,0,2010,290000,290,More than median +80,9600,6,6,1958,1988,0,1240,1,1632,0,0,1632,1,0,2,0,3,1,6,1,1958,1,338,1,289,0,0,0,0,0,2009,139000,139,Less than median +76,8314,5,7,1982,1982,270,816,1,816,0,0,816,0,0,1,0,2,1,5,0,1982,1,264,1,168,0,0,0,0,0,2007,124500,124.5,Less than median +55,7264,7,7,1925,2007,952,952,0,952,596,0,1548,0,0,2,1,3,1,5,0,1978,2,672,1,74,0,0,0,144,0,2009,205000,205,More than median +129,9196,7,5,2003,2003,1560,1560,1,1560,0,0,1560,0,0,2,0,3,1,7,0,2003,2,573,1,100,150,0,0,0,0,2010,201000,201,More than median +140,19138,4,5,1951,1951,744,864,1,864,0,0,864,0,0,1,0,2,1,4,0,1951,2,400,1,0,0,0,0,0,0,2010,141000,141,Less than median +107,14450,9,5,2006,2007,2121,2121,1,2121,0,0,2121,0,0,2,1,3,1,8,1,2007,3,732,1,124,98,0,0,142,0,2007,415298,415.3,More than median +83,10005,7,5,1977,1977,768,1160,1,1156,866,0,2022,0,0,2,1,4,1,8,1,1977,2,505,1,288,117,0,0,0,0,2008,192000,192,More than median +82,11287,7,6,1989,1989,386,807,1,1175,807,0,1982,0,0,2,1,3,1,7,1,1989,2,575,1,0,84,0,196,0,0,2007,228500,228.5,More than median +60,7200,6,5,2006,2006,357,1262,1,1262,0,0,1262,0,0,2,0,2,1,5,0,2006,2,572,1,0,120,0,0,0,0,2006,185000,185,More than median +34,5063,7,5,2007,2008,410,1314,1,1314,0,0,1314,1,0,2,0,2,1,6,1,2008,2,626,1,172,62,0,0,0,0,2009,207500,207.5,More than median +74,9612,8,5,2008,2009,1468,1468,1,1468,0,0,1468,0,0,2,0,3,1,6,1,2008,3,898,1,210,150,0,0,0,0,2009,244600,244.6,More than median +50,8012,6,5,1992,1992,1145,1575,1,1575,0,0,1575,1,0,2,0,2,1,5,0,1992,2,529,1,0,0,52,0,0,0,2007,179200,179.2,More than median +35,4251,7,5,2006,2007,625,625,1,625,625,0,1250,0,0,2,1,2,1,5,0,2006,2,528,1,0,54,0,0,0,0,2007,164700,164.7,More than median +77,9786,6,7,1962,1981,312,912,1,1085,649,0,1734,0,0,1,1,3,1,7,1,1962,2,440,1,0,0,0,0,128,0,2006,159000,159,Less than median +-1,8125,4,4,1971,1971,244,858,1,858,0,0,858,0,0,1,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2006,88000,88,Less than median +-1,9819,5,5,1967,1967,432,882,1,900,0,0,900,0,0,1,0,3,1,5,0,1970,1,280,1,0,0,0,0,0,0,2010,122000,122,Less than median +60,8730,6,7,1915,2003,698,698,1,698,698,0,1396,0,0,1,0,3,1,7,0,2003,1,384,1,0,0,0,0,259,0,2007,153575,153.58,Less than median +120,15611,8,5,2006,2006,1079,1079,1,1079,840,0,1919,0,0,2,1,3,1,8,1,2006,2,685,1,0,51,0,0,0,0,2006,233230,233.23,More than median +55,5687,5,6,1912,2000,570,780,0,936,780,0,1716,1,0,2,0,6,1,9,0,0,0,0,0,0,184,0,0,0,0,2008,135900,135.9,Less than median +60,11409,5,4,1949,2008,476,768,1,1148,568,0,1716,0,0,1,1,3,1,8,1,1949,1,281,1,0,0,0,0,160,0,2009,131000,131,Less than median +-1,16659,7,7,1977,1994,0,795,1,1468,795,0,2263,1,0,2,1,3,1,9,1,1977,2,539,1,0,250,0,0,0,0,2006,235000,235,More than median +80,9600,6,5,1953,1953,131,1416,1,1644,0,0,1644,1,0,1,0,3,1,7,2,1953,2,418,1,110,0,0,0,0,0,2009,167000,167,More than median +37,7937,6,6,1984,1984,184,1003,1,1003,0,0,1003,1,0,1,0,3,1,6,0,1984,2,588,1,120,0,0,0,0,0,2006,142500,142.5,Less than median +75,13710,5,5,1950,1950,490,910,1,910,648,0,1558,0,0,1,1,4,1,6,0,1950,1,282,1,289,0,0,0,0,0,2007,152000,152,Less than median +66,7399,7,5,1997,1998,326,975,1,975,975,0,1950,0,0,2,1,3,1,7,1,1997,2,576,1,0,10,0,0,198,0,2007,239000,239,More than median +90,11700,6,6,1968,1968,143,702,1,1041,702,0,1743,0,1,1,2,3,1,7,1,1968,2,539,1,224,0,0,0,0,0,2007,175000,175,More than median +80,14000,6,8,1950,2004,1092,1092,1,1152,0,0,1152,0,1,1,0,3,1,6,1,1950,1,300,1,0,36,0,0,0,0,2009,158500,158.5,Less than median +90,15750,5,5,1953,1953,324,1165,1,1336,0,0,1336,1,0,1,0,2,1,5,2,1953,1,375,1,0,0,0,0,0,0,2006,157000,157,Less than median +66,16226,8,5,1998,1999,747,1028,1,1210,1242,0,2452,0,0,2,1,4,1,9,1,1998,2,683,1,208,50,0,0,0,0,2007,267000,267,More than median +118,13704,7,5,2001,2002,1541,1541,1,1541,0,0,1541,0,0,2,0,3,1,6,1,2001,3,843,1,468,81,0,0,0,0,2006,205000,205,More than median +70,9800,5,7,1972,1972,0,894,1,894,0,0,894,1,0,1,0,3,1,5,0,1975,2,552,1,256,0,0,0,0,0,2006,149900,149.9,Less than median +87,18386,7,9,1880,2002,1470,1470,1,1675,1818,0,3493,0,0,3,0,3,1,10,1,2003,3,870,1,302,0,0,0,0,0,2008,295000,295,More than median +80,10386,8,5,2004,2005,536,2000,1,2000,0,0,2000,1,0,2,0,3,1,8,0,2004,3,888,1,168,0,0,0,0,0,2007,305900,305.9,More than median +116,13474,7,5,1990,1991,0,700,1,1122,1121,0,2243,1,0,2,1,4,1,8,1,1990,3,746,1,127,44,224,0,0,0,2007,225000,225,More than median +-1,7920,6,7,1920,1950,319,319,1,1035,371,0,1406,0,0,1,0,3,1,6,0,0,0,0,0,0,144,0,0,0,0,2008,89500,89.5,Less than median +-1,12342,4,5,1940,1950,599,861,1,861,0,0,861,0,0,1,0,1,1,4,0,1961,2,539,1,158,0,0,0,0,0,2009,82500,82.5,Less than median +90,12378,9,5,2003,2004,622,1896,1,1944,0,0,1944,1,0,2,0,3,1,8,3,2003,3,708,1,208,175,0,0,0,0,2006,360000,360,More than median +-1,7685,6,5,1993,1994,179,697,1,697,804,0,1501,0,0,2,1,3,1,6,1,1993,2,420,1,190,63,0,0,0,0,2006,165600,165.6,More than median +50,8000,6,6,1948,2002,292,972,1,972,0,0,972,1,0,1,0,2,1,5,1,1948,1,240,1,0,0,0,0,0,0,2009,132000,132,Less than median +65,7800,5,7,1939,1950,286,793,1,793,325,0,1118,1,0,1,0,3,1,5,1,1939,2,410,1,0,0,0,0,271,0,2006,119900,119.9,Less than median +150,215245,7,5,1965,1965,80,2136,1,2036,0,0,2036,2,0,2,0,3,1,8,2,1965,2,513,1,0,0,0,0,0,0,2009,375000,375,More than median +60,9600,7,7,1925,1990,712,728,1,832,809,0,1641,0,1,1,1,3,1,6,1,1925,2,546,1,0,0,234,0,0,0,2006,178000,178,More than median +71,7795,7,5,2004,2005,291,716,1,716,716,0,1432,1,0,2,1,3,1,6,1,2004,2,432,1,100,51,0,0,0,0,2009,188500,188.5,More than median +94,13005,7,7,1980,1980,153,845,1,1153,1200,0,2353,1,0,2,1,4,1,10,1,1983,2,484,1,288,195,0,0,0,0,2009,260000,260,More than median +75,9000,8,5,2006,2006,1088,1088,1,1088,871,0,1959,0,0,2,1,3,1,8,1,2006,3,1025,1,208,46,0,0,0,0,2007,270000,270,More than median +90,9900,7,5,1993,1993,360,1347,1,1372,1274,0,2646,1,0,2,1,4,1,9,1,1993,3,656,1,340,60,144,0,0,0,2009,260000,260,More than median +-1,14115,7,5,1980,1980,336,1372,1,1472,0,0,1472,1,0,2,0,3,1,6,2,1980,2,588,1,233,48,0,0,0,0,2009,187500,187.5,More than median +111,16259,9,5,2006,2006,1249,1249,1,1249,1347,0,2596,0,0,3,1,4,1,9,0,2006,3,840,1,240,154,0,0,0,0,2006,342643,342.64,More than median +99,12099,8,5,2004,2004,166,1136,1,1136,1332,0,2468,1,0,2,1,4,1,10,1,2004,3,872,1,184,154,0,0,0,0,2007,354000,354,More than median +86,10380,7,5,1986,1987,0,1502,1,1553,1177,0,2730,1,0,2,1,4,1,8,1,1987,2,576,1,201,96,0,0,0,0,2007,301000,301,More than median +49,5820,3,8,1955,2005,906,1162,1,1163,0,0,1163,1,0,1,0,3,1,6,0,1955,1,220,1,142,98,0,0,0,0,2006,126175,126.18,Less than median +96,11275,7,7,1967,2007,710,710,1,1898,1080,0,2978,0,0,2,1,5,1,11,1,1961,2,564,1,240,0,0,0,0,0,2010,242000,242,More than median +50,5000,5,6,1941,1950,604,720,0,803,0,0,803,0,0,1,0,2,1,5,0,1941,2,360,1,0,0,244,0,0,0,2007,87000,87,Less than median +32,10846,8,5,1993,1993,100,1719,1,1719,0,0,1719,2,0,1,1,1,1,6,2,1993,2,473,1,122,30,0,0,0,0,2008,324000,324,More than median +80,11600,6,5,1960,1960,818,1383,1,1383,0,0,1383,0,0,1,1,3,1,7,0,1960,1,292,1,0,45,0,0,0,0,2006,145250,145.25,Less than median +-1,11888,6,6,1916,1994,844,844,0,1445,689,0,2134,0,0,2,0,5,1,10,0,1930,2,441,1,0,60,268,0,0,0,2009,214500,214.5,More than median +60,6402,5,5,1920,1950,596,596,0,596,596,0,1192,0,0,1,0,3,1,6,0,1920,1,189,0,0,0,137,0,0,0,2009,78000,78,Less than median +-1,10624,5,4,1964,1964,1424,1728,1,1728,0,0,1728,0,1,2,0,6,2,10,0,2002,1,352,1,155,0,0,0,0,0,2007,119000,119,Less than median +70,8176,5,6,1958,1992,210,1056,1,1056,0,0,1056,1,0,1,0,3,1,6,0,1958,1,308,1,0,0,0,0,0,0,2007,139000,139,Less than median +85,10655,8,5,2003,2004,1603,3206,1,1629,0,0,1629,1,0,2,0,3,1,7,1,2003,3,880,1,0,0,0,0,0,0,2009,284000,284,More than median +59,8198,7,5,2004,2004,638,1358,1,1358,0,0,1358,1,0,2,0,2,1,6,1,2004,2,484,1,192,30,0,0,0,0,2008,207000,207,More than median +59,9042,6,5,1998,1998,115,943,1,943,695,0,1638,1,0,2,1,3,1,7,2,1998,2,472,1,100,38,0,0,0,0,2008,192000,192,More than median +-1,164660,5,6,1965,1965,103,1499,1,1619,167,0,1786,2,0,2,0,3,1,7,2,1965,2,529,1,670,0,0,0,0,0,2008,228950,228.95,More than median +86,14157,9,5,2005,2006,673,1922,1,1922,0,0,1922,1,0,2,0,3,1,8,1,2005,3,676,1,178,51,0,0,0,0,2007,377426,377.43,More than median +70,9135,7,5,2002,2003,726,1536,1,1536,0,0,1536,1,0,2,0,3,1,7,0,2002,2,532,1,192,74,0,0,0,0,2008,214000,214,More than median +91,14145,7,7,1984,1998,995,1208,1,1621,0,0,1621,1,0,2,0,3,1,8,0,1984,2,440,1,108,45,0,0,0,0,2006,202500,202.5,More than median +66,12400,6,7,1958,1998,630,1215,1,1215,0,0,1215,0,0,1,0,3,1,6,0,1958,1,297,1,0,0,0,0,234,0,2009,155000,155,Less than median +85,14191,8,5,2002,2002,967,967,1,993,915,0,1908,0,0,2,1,4,1,9,0,2002,2,431,1,135,0,0,0,0,0,2010,202900,202.9,More than median +60,8400,4,4,1950,1950,721,721,1,841,0,0,841,0,0,1,0,2,1,4,0,1950,1,294,0,250,0,24,0,0,0,2009,82000,82,Less than median +-1,8544,3,4,1949,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1949,2,400,1,0,0,0,0,0,0,2006,87500,87.5,Less than median +63,8849,9,5,2005,2005,1656,1684,1,1684,0,0,1684,0,0,2,0,2,1,6,1,2005,2,564,1,495,72,0,0,0,0,2008,266000,266,More than median +36,2592,5,3,1976,1976,175,536,1,536,576,0,1112,0,0,1,1,3,1,4,0,1976,1,336,1,182,0,0,0,0,0,2010,85000,85,Less than median +65,6435,6,5,1939,1950,972,972,1,972,605,0,1577,0,0,1,0,3,1,6,1,1939,1,312,1,0,0,0,0,0,0,2006,140200,140.2,Less than median +-1,12772,6,8,1960,1998,460,958,1,958,0,0,958,0,0,1,0,2,1,5,0,1960,1,301,1,0,0,0,0,0,0,2007,151500,151.5,Less than median +-1,17600,6,5,1960,1960,208,1478,1,1478,0,0,1478,1,0,2,0,3,1,6,2,1960,2,498,1,0,40,0,0,0,0,2009,157500,157.5,Less than median +36,2448,7,5,2003,2004,191,764,1,764,862,0,1626,1,0,2,1,2,1,6,0,2003,2,474,1,0,27,0,0,0,0,2008,154000,154,Less than median +56,20431,9,5,2005,2006,438,1848,1,1848,880,0,2728,1,0,2,1,4,1,10,2,2006,3,706,1,0,0,0,0,0,0,2006,437154,437.15,More than median +68,7820,9,5,2007,2007,1869,1869,1,1869,0,0,1869,0,0,2,0,2,1,6,1,2007,2,617,1,210,54,0,0,0,0,2007,318061,318.06,More than median +-1,5271,7,5,1986,1986,371,1453,1,1453,0,0,1453,1,0,1,1,2,1,6,1,1986,2,445,1,0,80,0,0,184,0,2006,190000,190,More than median +60,9084,5,6,1941,1950,0,616,0,616,495,0,1111,0,1,1,0,3,1,5,0,1941,1,200,1,48,0,0,0,0,0,2008,95000,95,Less than median +60,8520,6,8,1928,2003,624,624,1,720,0,0,720,0,0,1,0,2,1,5,0,2005,2,484,1,106,0,0,0,0,0,2010,105900,105.9,Less than median +60,8400,6,5,1940,2000,552,940,1,1192,403,0,1595,0,0,1,0,2,1,6,2,1940,1,240,1,0,0,108,0,0,0,2006,140000,140,Less than median +105,11249,6,5,1995,1995,322,1200,1,1200,0,0,1200,1,0,2,0,3,1,6,0,1995,2,521,1,0,26,0,0,0,0,2007,177500,177.5,More than median +-1,9248,6,6,1992,1992,598,1158,1,1167,0,0,1167,1,0,2,0,3,1,6,0,1992,2,400,1,120,26,0,0,0,0,2009,173000,173,More than median +44,4224,5,5,1976,1976,268,1142,1,1142,0,0,1142,1,0,1,1,3,1,6,1,1976,2,528,1,536,90,0,0,0,0,2007,134000,134,Less than median +92,6930,5,4,1958,1958,468,1062,1,1352,0,0,1352,0,1,1,0,3,1,6,0,1958,1,288,1,168,0,294,0,0,0,2006,130000,130,Less than median +78,12011,8,5,1998,1998,130,1086,1,1086,838,0,1924,1,0,2,1,3,1,7,1,1998,2,592,1,208,75,0,0,374,0,2006,280000,280,More than median +-1,7540,6,6,1978,1978,115,888,1,912,0,0,912,1,0,1,0,2,1,5,1,1978,2,470,1,0,0,0,0,192,0,2007,156000,156,Less than median +-1,9144,5,5,1940,1982,484,883,1,988,517,0,1505,1,0,1,0,3,1,8,0,1940,1,240,0,0,0,0,0,0,0,2008,145000,145,Less than median +64,7301,7,5,2003,2003,0,0,1,495,1427,0,1922,0,0,3,0,4,1,7,1,2003,2,672,1,0,0,177,0,0,0,2009,198500,198.5,More than median +21,1680,6,8,1972,2007,321,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1972,1,264,1,250,0,0,0,0,0,2009,118000,118,Less than median +-1,18800,6,5,1976,1976,84,796,1,790,784,0,1574,1,0,2,1,3,1,6,1,1976,2,566,1,306,111,0,0,0,0,2006,190000,190,More than median +59,10690,5,7,1920,1997,216,672,1,672,672,0,1344,0,0,1,0,3,1,6,0,1964,1,468,1,0,128,218,0,0,0,2009,147000,147,Less than median +-1,9500,6,5,1963,1963,785,1394,1,1394,0,0,1394,1,0,1,1,3,1,6,2,1963,2,514,1,0,76,0,0,185,0,2009,159000,159,Less than median +101,9150,6,5,1962,1962,728,1099,1,1431,0,0,1431,0,1,1,0,3,1,6,1,1962,1,296,1,64,110,0,0,0,0,2008,165000,165,More than median +78,7800,5,6,1954,1954,728,1268,1,1268,0,0,1268,0,0,1,0,2,1,7,1,1954,1,244,1,0,98,0,0,0,0,2010,132000,132,Less than median +-1,9830,5,7,1959,2006,733,1063,1,1287,0,0,1287,1,0,1,0,3,1,7,1,1997,2,576,1,364,17,0,0,182,0,2010,162000,162,Less than median +-1,8121,6,5,2000,2000,953,953,1,953,711,0,1664,0,0,2,1,3,1,7,1,2000,2,460,1,100,40,0,0,0,0,2006,172400,172.4,More than median +80,17120,4,4,1959,1959,0,0,1,1120,468,0,1588,0,0,2,0,4,1,7,1,1991,2,680,0,0,59,0,0,0,0,2008,134432,134.43,Less than median +50,7175,6,5,1984,1984,0,744,1,752,0,0,752,1,0,1,0,2,1,4,0,1984,1,264,1,353,0,0,0,90,0,2010,125000,125,Less than median +79,10634,5,6,1953,1953,0,608,1,1319,0,0,1319,1,0,1,0,3,1,5,0,1953,1,270,1,66,0,0,0,0,0,2009,123000,123,Less than median +65,8200,7,5,2003,2004,847,847,1,847,1081,0,1928,0,0,2,1,4,1,8,1,2003,2,434,1,100,48,0,0,0,0,2007,219500,219.5,More than median +-1,10020,1,1,1922,1950,333,683,0,904,0,0,904,1,0,0,1,1,1,4,0,0,0,0,1,0,0,0,0,0,0,2009,61000,61,Less than median +57,8846,5,5,1996,1996,572,870,1,914,0,0,914,0,0,1,0,2,1,5,0,1998,2,576,1,0,0,0,0,0,0,2006,148000,148,Less than median +102,11143,8,5,2004,2005,1580,1580,1,1580,886,0,2466,0,0,3,0,4,1,8,1,2004,2,610,1,159,214,0,0,0,0,2007,340000,340,More than median +88,11394,9,2,2010,2010,411,1856,1,1856,0,0,1856,1,0,1,1,1,1,8,1,2010,3,834,1,113,0,0,0,0,0,2010,394432,394.43,More than median +60,8123,6,5,2000,2000,982,982,1,1007,793,0,1800,0,0,2,1,3,1,7,1,2000,2,463,1,100,63,0,0,0,0,2009,179000,179,More than median +50,5000,5,6,1924,1950,808,1026,1,1026,665,0,1691,0,0,2,0,3,1,6,1,1924,1,308,1,0,0,242,0,0,0,2010,127000,127,Less than median +60,7200,7,5,2006,2006,1293,1293,1,1301,0,0,1301,1,0,2,0,2,1,5,1,2006,2,572,1,216,121,0,0,0,0,2006,187750,187.75,More than median +79,9245,7,5,2006,2006,939,939,1,939,858,0,1797,0,0,2,1,3,1,8,0,2006,2,639,1,144,53,0,0,0,0,2007,213500,213.5,More than median +60,9000,6,3,1928,1950,784,784,0,784,0,0,784,0,0,1,0,2,1,5,0,1950,2,360,0,0,0,91,0,0,0,2009,76000,76,Less than median +-1,53107,6,5,1992,1992,595,1580,1,1079,874,0,1953,1,0,2,1,3,1,9,2,1992,2,501,1,216,231,0,0,0,0,2007,240000,240,More than median +43,3182,8,5,2004,2005,1232,1256,1,1269,0,0,1269,0,0,2,0,2,1,6,1,2004,2,430,1,146,20,0,0,144,0,2010,192000,192,More than median +58,8410,5,3,1910,1996,658,658,1,658,526,0,1184,0,0,1,0,5,1,8,0,0,0,0,0,0,151,0,0,0,0,2006,81000,81,Less than median +72,7200,6,6,1976,1976,410,1041,1,1125,0,0,1125,1,0,1,0,3,1,6,1,1977,1,352,1,296,0,0,0,0,0,2009,125000,125,Less than median +93,9382,7,5,1999,2000,1468,1468,1,1479,0,0,1479,0,0,2,0,3,1,6,0,1999,2,577,1,120,25,0,0,0,0,2008,191000,191,More than median +96,12474,10,5,2007,2008,402,1682,1,1742,590,0,2332,1,0,2,1,3,1,9,1,2008,3,846,1,196,134,0,0,0,0,2008,426000,426,More than median +50,8405,5,8,1900,1950,229,861,1,961,406,0,1367,1,0,1,0,4,1,7,0,1978,1,384,1,0,130,112,0,0,0,2008,119000,119,Less than median +71,12209,6,5,2001,2002,114,804,1,804,1157,0,1961,1,0,2,1,3,1,7,1,2001,2,560,1,125,192,0,0,0,0,2009,215000,215,More than median +-1,8339,5,7,1959,1959,0,0,1,882,0,0,882,0,0,1,0,3,1,5,0,1959,1,294,1,0,0,0,0,0,0,2007,106500,106.5,Less than median +-1,7446,4,5,1941,1950,522,788,1,788,0,0,788,0,0,1,0,2,1,4,2,0,0,0,1,0,0,0,0,0,0,2006,100000,100,Less than median +60,10134,5,6,1940,1950,735,735,1,735,299,0,1034,0,0,1,0,2,1,5,0,1940,1,240,1,0,39,0,0,0,0,2007,109000,109,Less than median +68,9571,5,6,1956,1956,405,1144,1,1144,0,0,1144,1,0,1,0,3,1,6,0,1956,1,596,1,44,0,0,0,0,0,2010,129000,129,Less than median +60,7200,5,5,1972,1972,117,894,1,894,0,0,894,0,0,1,0,2,1,6,0,1985,2,600,1,215,0,0,0,0,0,2009,123000,123,Less than median +69,7590,5,5,1962,1962,324,864,1,876,936,0,1812,0,0,2,0,4,1,8,1,1962,1,264,1,0,168,0,0,0,0,2007,169500,169.5,More than median +60,8967,5,2,1920,1950,961,961,1,1077,0,0,1077,0,0,1,0,2,1,6,0,1920,1,338,0,0,0,0,0,0,0,2007,67000,67,Less than median +65,8125,7,5,2006,2007,280,1092,1,1112,438,0,1550,1,0,2,0,2,1,7,0,2007,2,438,1,0,168,0,0,0,0,2009,241000,241,More than median +38,14963,8,5,1996,1996,474,1260,1,1288,0,0,1288,1,0,1,1,1,1,4,2,1996,2,500,1,120,30,0,0,224,0,2008,245500,245.5,More than median +65,8767,7,5,2005,2005,1286,1310,1,1310,0,0,1310,0,0,2,0,3,1,6,1,2005,2,400,1,0,0,0,0,0,0,2006,164990,164.99,More than median +60,10200,5,8,1940,1997,672,672,1,672,0,0,672,0,0,1,0,2,1,4,0,1940,1,240,0,168,0,0,0,0,0,2008,108000,108,Less than median +93,12090,8,5,1998,1998,1141,1141,1,1165,1098,0,2263,0,0,2,1,4,1,10,1,1998,2,420,1,144,123,0,0,0,0,2006,258000,258,More than median +-1,10364,6,5,1995,1996,806,806,1,806,766,0,1572,0,0,2,1,3,1,7,1,1995,2,373,1,0,40,0,0,0,0,2007,168000,168,More than median +-1,9991,4,4,1976,1993,165,1281,1,1620,0,0,1620,1,0,2,0,3,1,8,1,1993,2,490,1,120,78,0,0,0,0,2009,150000,150,Less than median +51,10480,6,5,1936,1950,1064,1064,1,1166,0,473,1639,0,0,1,0,3,1,6,0,1936,1,240,1,0,0,0,0,0,0,2008,115000,115,Less than median +63,15576,6,7,1915,1976,840,840,1,840,840,0,1680,0,0,2,0,4,1,8,0,1960,1,308,1,0,0,160,0,0,0,2008,177000,177,More than median +109,14154,7,5,2006,2006,1063,1063,1,1071,1101,0,2172,0,0,2,1,3,1,9,1,2006,3,947,1,192,62,0,0,0,0,2007,280000,280,More than median +85,10800,8,5,2007,2008,245,1034,1,1050,1028,0,2078,1,0,2,1,3,1,8,1,2008,3,836,1,0,102,0,0,0,0,2008,339750,339.75,More than median +68,9571,5,3,1958,1958,1276,1276,1,1276,0,0,1276,0,0,1,0,3,1,5,0,1958,1,350,1,0,0,0,0,0,0,2009,60000,60,Less than median +100,34650,5,5,1955,1955,0,1056,0,1056,0,0,1056,1,0,1,0,3,1,5,0,1955,2,572,1,264,0,0,0,0,0,2006,145000,145,Less than median +-1,4403,7,5,2009,2009,892,1470,1,1478,0,0,1478,1,0,2,1,2,1,7,1,2009,2,484,1,0,144,0,0,0,0,2010,222000,222,More than median +56,8960,5,6,1927,1950,1008,1008,1,1028,0,0,1028,0,0,1,0,2,1,5,1,1927,2,360,1,0,0,130,0,0,0,2010,115000,115,Less than median +59,11228,7,5,1993,1993,499,1080,1,1080,1017,0,2097,0,1,2,1,3,1,9,1,1993,3,678,1,196,187,0,0,0,0,2008,228000,228,More than median +73,8899,7,5,2007,2007,1316,1340,1,1340,0,0,1340,0,0,2,0,3,1,6,0,2007,2,396,1,100,30,0,0,0,0,2007,181134,181.13,More than median +74,7844,6,7,1978,1978,463,672,1,672,728,0,1400,0,0,1,1,3,1,6,1,1978,2,440,1,0,0,0,0,0,0,2006,149500,149.5,Less than median +86,22420,6,6,1918,1950,242,1370,0,1370,1254,0,2624,1,0,2,1,4,1,10,1,1918,3,864,0,0,0,0,0,0,0,2007,239000,239,More than median +60,8160,5,6,1940,1950,444,756,0,756,378,0,1134,1,0,1,1,3,1,7,0,1940,1,240,1,0,0,0,0,0,0,2007,126000,126,Less than median +65,8450,5,6,1968,1968,281,1056,1,1056,0,0,1056,1,0,1,0,3,1,6,1,1968,1,304,1,0,85,184,0,0,0,2010,142000,142,Less than median +78,7060,7,5,1997,1998,35,1344,1,1344,0,0,1344,2,0,2,0,2,2,8,0,1997,4,784,1,0,0,0,0,0,0,2008,206300,206.3,More than median +-1,16635,6,7,1977,2000,356,1602,1,1602,0,0,1602,0,1,2,0,3,1,8,1,1977,2,529,1,240,0,0,0,0,0,2009,215000,215,More than median +100,21750,5,5,1954,1954,988,988,1,988,0,0,988,0,0,1,0,2,1,4,0,1954,2,520,0,0,0,0,0,0,0,2008,113000,113,Less than median +80,9200,8,5,1998,1998,484,1470,1,1470,1160,0,2630,1,0,2,1,4,1,8,1,1998,3,696,1,0,66,0,0,0,0,2008,315000,315,More than median +72,9000,6,5,1956,1956,580,1196,1,1196,0,0,1196,1,0,1,0,2,1,6,1,1956,1,297,1,0,44,0,0,0,0,2008,139000,139,Less than median +60,3378,7,8,1946,1992,651,651,1,707,682,0,1389,0,0,1,1,3,1,6,2,1947,1,240,1,0,0,126,0,0,0,2009,135000,135,Less than median +-1,12800,7,5,1989,1989,0,1518,1,1644,0,0,1644,1,1,2,0,2,1,5,1,1989,2,569,1,80,0,0,0,396,0,2009,275000,275,More than median +77,8593,4,6,1957,1957,619,907,1,907,0,0,907,0,0,1,0,3,1,5,0,1964,1,352,1,0,0,0,0,0,0,2008,109008,109.01,Less than median +64,6762,7,5,2007,2007,544,1208,1,1208,0,0,1208,1,0,2,0,2,1,6,0,2007,2,628,1,105,54,0,0,0,0,2007,195400,195.4,More than median +130,11457,6,5,1988,1988,387,1392,1,1412,0,0,1412,1,0,2,0,3,1,6,1,1988,2,576,1,0,0,169,0,0,0,2009,175000,175,More than median +21,1680,6,5,1971,1971,96,483,1,483,504,0,987,0,0,1,1,2,1,4,0,1971,1,264,1,0,0,0,0,0,0,2008,85400,85.4,Less than median +60,5586,6,7,1920,1998,901,901,1,1088,110,0,1198,0,0,1,0,4,1,7,0,0,0,0,0,0,98,0,0,0,0,2008,79900,79.9,Less than median +24,1920,5,5,1971,1971,294,765,1,765,600,0,1365,1,0,1,1,2,1,6,0,1971,2,440,1,240,36,0,0,0,0,2007,122500,122.5,Less than median +100,10839,6,5,1997,1998,926,926,1,926,678,0,1604,0,0,2,1,3,1,7,1,1997,2,470,1,0,36,0,0,0,0,2008,181000,181,More than median +21,1890,4,7,1972,1972,135,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,88,0,0,0,0,0,2008,81000,81,Less than median +43,10667,7,6,1996,1996,70,799,1,827,834,0,1661,1,0,2,1,3,1,6,1,1996,2,550,1,158,61,0,0,0,0,2009,212000,212,More than median +40,4400,6,8,1920,1950,648,648,1,734,384,0,1118,0,0,1,0,2,1,6,0,1990,2,440,1,0,0,0,0,0,0,2006,116000,116,Less than median +50,6000,6,7,1926,2004,884,884,1,904,0,0,904,0,0,1,0,2,1,4,0,1926,1,180,1,0,0,105,0,0,0,2009,119000,119,Less than median +40,4280,5,6,1913,2002,75,440,0,694,0,0,694,0,0,1,0,2,1,4,1,1990,1,352,1,0,0,34,0,0,0,2007,90350,90.35,Less than median +67,12354,6,8,1920,2000,684,684,1,684,512,0,1196,0,0,1,0,3,1,7,0,2005,2,528,1,0,46,0,0,0,0,2009,110000,110,Less than median +105,15431,10,5,2008,2008,788,3094,1,2402,0,0,2402,1,0,2,0,2,1,10,2,2008,3,672,1,0,72,0,0,170,0,2009,555000,555,More than median +92,12108,4,4,1955,1955,1307,1440,0,1440,0,0,1440,0,0,2,0,4,2,8,0,0,0,0,1,0,0,0,0,0,0,2008,118000,118,Less than median +52,6240,5,7,1930,1992,1078,1078,1,1128,445,0,1573,0,0,2,0,3,1,8,1,1930,2,360,1,0,0,0,0,0,0,2008,162900,162.9,Less than median +53,3922,7,5,2006,2007,1258,1258,1,1258,0,0,1258,0,0,2,0,2,1,6,1,2007,3,648,1,144,16,0,0,0,0,2007,172500,172.5,More than median +70,8750,7,5,1994,1995,273,915,1,933,975,0,1908,1,0,2,1,4,1,8,1,1994,2,493,1,144,133,0,0,0,0,2008,210000,210,More than median +73,9855,6,5,1956,1956,1436,1436,1,1689,0,0,1689,0,0,1,0,3,1,7,1,1956,2,480,1,0,0,0,0,0,0,2009,127500,127.5,Less than median +137,16492,6,6,1966,2002,557,1517,1,1888,0,0,1888,0,0,2,1,2,1,6,1,1966,2,578,1,0,0,0,0,0,0,2010,190000,190,More than median +-1,11214,7,5,1998,1999,930,930,1,956,930,0,1886,0,0,2,1,4,1,10,1,1998,2,431,1,89,0,0,0,0,0,2006,199900,199.9,More than median +50,8600,6,6,1937,1950,780,780,1,780,596,0,1376,0,0,2,0,3,1,7,1,1937,1,198,0,0,0,0,0,0,0,2006,119500,119.5,Less than median +50,6000,3,7,1948,2002,318,649,1,679,504,0,1183,0,0,1,1,2,1,6,0,1981,1,308,1,0,176,0,0,0,0,2007,120000,120,Less than median +70,5684,6,8,1930,2005,813,813,1,813,0,0,813,0,0,1,0,2,1,5,0,1932,1,270,0,0,113,0,0,0,0,2006,110000,110,Less than median +62,70761,7,5,1975,1975,878,1533,1,1533,0,0,1533,1,0,2,0,2,1,5,2,1975,2,576,1,200,54,0,0,0,0,2006,280000,280,More than median +-1,9303,6,5,1996,1997,130,872,1,888,868,0,1756,1,0,2,1,3,1,7,0,1996,2,422,1,144,122,0,0,0,0,2007,204000,204,More than median +75,9000,8,5,2008,2008,768,768,1,786,804,0,1590,0,0,2,1,3,1,6,0,2008,2,676,1,0,30,0,0,0,0,2009,210000,210,More than median +63,9297,5,5,1976,1976,122,1728,1,1728,0,0,1728,2,0,2,0,4,2,8,0,1976,2,560,1,0,0,0,0,0,0,2006,188000,188,More than median +80,9600,7,6,1973,1973,326,1242,1,1242,0,0,1242,0,0,1,1,3,1,6,1,1973,2,528,1,0,0,0,0,0,0,2007,175500,175.5,More than median +34,4571,5,5,1916,1950,624,624,0,624,720,0,1344,0,0,1,0,4,1,7,0,1916,3,513,1,0,0,96,0,0,0,2008,98000,98,Less than median +-1,53227,4,6,1954,1994,248,1364,1,1663,0,0,1663,1,0,1,0,2,1,6,2,1954,2,529,1,224,137,0,0,0,0,2008,256000,256,More than median +-1,5100,8,7,1925,1996,588,588,1,833,833,0,1666,0,0,1,0,3,1,7,1,1925,1,228,1,192,63,0,0,0,0,2008,161000,161,Less than median +-1,7015,5,4,1950,1950,524,709,1,979,224,0,1203,1,0,1,0,3,1,5,1,1950,1,352,1,0,0,248,0,0,0,2009,110000,110,Less than median +75,8004,8,5,2009,2009,288,832,1,832,1103,0,1935,1,0,2,1,3,1,8,0,2009,2,552,1,0,150,0,0,0,0,2009,263435,263.44,More than median +60,7200,7,9,1936,2007,0,560,1,575,560,0,1135,1,0,1,0,3,1,6,0,1971,2,576,1,256,0,0,0,0,0,2009,155000,155,Less than median +60,8281,5,5,1965,1965,0,864,1,864,0,0,864,0,0,1,0,3,1,5,1,1965,1,360,1,0,0,236,0,0,0,2009,62383,62.38,Less than median +74,11988,6,7,1934,1995,389,715,1,849,811,0,1660,0,0,1,1,3,1,6,1,1939,1,240,1,0,0,0,0,0,0,2008,188700,188.7,More than median +60,8430,5,5,1978,1978,424,1040,1,1040,0,0,1040,0,0,2,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2009,124000,124,Less than median +-1,3072,7,5,2004,2004,1375,1375,1,1414,0,0,1414,0,0,2,0,2,1,6,1,2004,2,398,1,144,20,0,0,0,0,2006,178740,178.74,More than median +85,10628,7,5,1970,1970,499,1277,1,1277,0,0,1277,1,0,1,0,2,1,5,1,1970,2,526,1,0,0,0,0,176,0,2007,167000,167,More than median +79,9480,5,7,1942,1995,342,728,1,888,756,0,1644,0,0,1,1,3,1,7,2,1942,1,312,1,168,0,0,0,0,0,2007,146500,146.5,Less than median +98,11428,8,5,2006,2006,1626,1626,1,1634,0,0,1634,0,0,2,0,3,1,7,1,2006,3,866,1,0,44,0,0,0,0,2007,250000,250,More than median +76,9291,6,5,1993,1993,406,832,1,832,878,0,1710,0,0,2,1,3,1,7,0,1993,2,506,1,144,70,0,0,0,0,2008,187000,187,More than median +-1,6820,8,5,1985,1985,0,1488,1,1502,0,0,1502,1,0,1,1,1,1,4,0,1985,2,528,1,0,54,0,0,140,0,2010,212000,212,More than median +92,11952,7,6,1977,1977,808,808,1,1161,808,0,1969,0,0,2,1,3,1,8,1,1977,2,534,1,0,0,0,0,276,0,2007,190000,190,More than median +35,3675,6,5,2005,2005,88,547,1,1072,0,0,1072,1,0,1,0,2,1,5,0,2005,2,525,1,0,28,0,0,0,0,2008,148000,148,Less than median +110,14977,8,5,2006,2007,626,1976,1,1976,0,0,1976,1,0,2,0,2,1,7,1,2006,3,908,1,250,63,0,0,0,0,2007,440000,440,More than median +41,5330,8,5,2000,2000,298,1494,1,1652,0,0,1652,1,0,2,0,2,1,6,0,2000,2,499,1,96,48,0,0,0,0,2007,251000,251,More than median +80,8480,5,6,1963,1963,340,970,1,970,0,0,970,1,0,1,0,2,1,5,0,1996,2,624,1,0,24,0,0,192,0,2007,132500,132.5,Less than median +75,13125,6,5,1997,1998,484,1478,1,1493,0,0,1493,1,0,2,0,3,1,7,1,1997,2,508,1,140,39,0,0,0,0,2008,208900,208.9,More than median +105,13693,9,5,2006,2006,2153,2153,1,2069,574,0,2643,0,0,2,1,3,1,9,1,2006,3,694,1,414,84,0,0,0,0,2007,380000,380,More than median +79,10637,8,5,2007,2008,417,1705,1,1718,0,0,1718,1,0,2,0,3,1,7,1,2007,3,826,1,208,44,0,0,0,0,2009,297000,297,More than median +50,5925,4,7,1937,2000,739,907,1,1131,0,0,1131,0,0,1,0,2,1,7,0,1995,2,672,1,0,72,0,0,0,0,2007,89471,89.47,Less than median +98,16033,9,5,2004,2005,572,1833,1,1850,0,0,1850,1,0,2,0,3,1,8,1,2004,3,772,1,519,112,0,0,0,0,2006,326000,326,More than median +72,11846,9,5,2003,2004,225,1792,1,1792,0,0,1792,1,0,2,0,2,1,6,1,2003,3,874,1,206,49,0,0,0,0,2006,374000,374,More than median +50,2500,7,8,1915,2005,611,910,1,916,910,0,1826,1,0,1,1,4,1,7,1,1915,1,164,1,0,0,0,0,0,0,2009,155000,155,Less than median +32,4500,6,5,1998,1998,319,1216,1,1216,0,0,1216,1,0,2,0,2,1,5,0,1998,2,402,1,0,125,0,0,0,0,2006,164000,164,More than median +-1,7758,5,7,1962,2001,411,999,1,999,0,0,999,1,0,1,0,3,1,6,0,1963,1,264,1,0,132,0,0,0,0,2007,132500,132.5,Less than median +80,9600,5,7,1950,2007,506,1113,1,1113,0,0,1113,0,0,1,0,3,1,5,1,1950,1,264,1,0,80,120,0,0,0,2009,147000,147,Less than median +79,10289,5,7,1965,1965,237,1073,1,1073,0,0,1073,1,0,1,1,3,1,6,0,1965,2,515,1,0,0,0,0,0,0,2007,156000,156,Less than median +70,12243,5,6,1971,1971,486,1484,1,1484,0,0,1484,0,0,2,0,3,1,7,1,1971,2,487,1,224,0,0,0,180,0,2007,175000,175,More than median +60,10800,5,4,1900,1970,290,954,0,1766,648,0,2414,0,0,2,0,3,2,10,1,1970,2,520,0,142,0,0,0,0,0,2006,160000,160,Less than median +21,1526,4,8,1970,2002,115,630,1,630,0,0,630,1,0,1,0,1,1,3,0,1970,1,286,1,0,0,0,0,0,0,2009,86000,86,Less than median +-1,2665,5,6,1976,1976,264,264,1,616,688,0,1304,0,0,1,1,3,1,4,1,1976,1,336,1,141,24,0,0,0,0,2008,115000,115,Less than median +79,9490,6,7,1941,1950,238,806,1,958,620,0,1578,1,0,1,0,3,1,5,2,1941,1,240,1,0,0,32,0,0,0,2006,133000,133,Less than median +105,15578,6,5,2006,2006,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,0,2006,2,429,1,0,0,0,0,0,0,2006,172785,172.79,More than median +70,7931,5,6,1960,1960,363,1269,1,1269,0,0,1269,0,0,1,1,3,1,6,1,1964,1,308,1,0,0,0,0,0,0,2008,155000,155,Less than median +50,5784,5,8,1938,1996,190,190,1,886,0,0,886,0,0,1,0,2,1,4,0,1938,1,273,1,144,20,80,0,0,0,2009,91300,91.3,Less than median +60,7879,4,5,1920,1950,225,720,0,720,0,0,720,0,0,1,0,2,1,4,0,0,0,0,0,0,523,115,0,0,0,2009,34900,34.9,Less than median +-1,12692,8,5,1992,1993,1969,3200,1,3228,0,0,3228,1,0,3,0,4,1,10,1,1992,2,546,1,264,75,291,0,0,0,2007,430000,430,More than median +60,9120,7,6,1925,1950,697,1026,1,1133,687,0,1820,1,0,2,0,4,1,8,0,1925,1,240,0,0,100,0,0,0,0,2008,184000,184,More than median +65,7800,5,7,1967,2004,414,864,1,899,0,0,899,0,0,1,0,3,1,5,0,1967,1,288,1,64,0,0,0,0,0,2009,130000,130,Less than median +70,7535,5,7,1958,1985,522,912,1,912,0,0,912,0,1,1,0,2,1,5,0,1958,1,297,1,12,285,0,0,0,0,2007,120000,120,Less than median +21,1890,6,5,1973,1973,316,672,1,672,546,0,1218,0,0,1,1,3,1,7,0,1973,1,264,1,144,28,0,0,0,0,2007,113000,113,Less than median +75,9803,7,5,2005,2005,466,866,1,866,902,0,1768,0,0,2,1,3,1,7,0,2005,2,603,1,0,108,0,0,0,0,2008,226700,226.7,More than median +70,9170,5,7,1965,1965,420,1214,1,1214,0,0,1214,1,0,1,0,2,1,6,0,1965,2,461,1,0,0,184,0,0,0,2007,140000,140,Less than median +100,15602,7,8,1959,1997,254,1501,1,1801,0,0,1801,1,0,2,0,1,1,6,2,1959,2,484,1,0,54,0,0,161,0,2010,289000,289,More than median +24,2308,6,5,1974,1974,103,855,1,855,467,0,1322,0,1,2,1,3,1,6,1,1974,2,440,1,260,0,0,0,0,0,2009,147000,147,Less than median +60,7596,5,5,1952,1952,960,960,1,960,1000,0,1960,0,0,2,0,4,2,10,0,1952,2,400,0,0,0,0,0,0,0,2009,124500,124.5,Less than median +80,9554,8,5,1993,1994,397,777,1,1065,846,0,1911,0,0,2,1,3,1,8,1,1993,2,471,1,182,81,0,0,0,0,2006,215000,215,More than median +75,7862,6,5,2009,2009,1191,1218,1,1218,0,0,1218,0,0,2,0,2,1,4,0,2009,2,676,1,0,102,0,0,0,0,2009,208300,208.3,More than median +60,9600,7,9,1928,2005,548,689,1,689,689,0,1378,0,0,2,0,3,1,7,1,1928,2,360,0,0,0,116,0,0,0,2008,161000,161,Less than median +80,9600,5,6,1959,1959,50,1041,1,1041,0,0,1041,1,0,1,0,3,1,6,0,1959,1,270,1,224,88,0,0,0,0,2009,124500,124.5,Less than median +75,14559,5,7,1951,2000,178,1008,1,1363,0,0,1363,1,0,1,0,2,1,6,2,1951,1,288,1,324,42,0,0,168,0,2009,164900,164.9,More than median +40,6792,7,5,2005,2006,1368,1368,1,1368,0,0,1368,0,0,2,0,2,1,6,1,2005,2,474,1,132,35,0,0,0,0,2006,202665,202.67,More than median +70,9100,5,5,1958,1958,169,864,1,864,0,0,864,1,0,1,0,3,1,5,0,1964,2,624,1,0,0,0,0,0,0,2006,129900,129.9,Less than median +71,9187,6,5,1983,1983,748,1084,1,1080,0,0,1080,0,0,1,1,3,1,5,0,1983,2,484,1,120,0,158,0,0,0,2007,134000,134,Less than median +55,10594,5,5,1926,1950,768,768,0,789,0,0,789,0,0,1,0,2,1,5,0,1926,1,200,1,0,0,112,0,0,0,2007,96500,96.5,Less than median +94,12220,10,5,2009,2009,570,2006,1,2020,0,0,2020,1,0,2,1,3,1,9,1,2009,3,900,1,156,54,0,0,0,0,2009,402861,402.86,More than median +-1,10448,6,6,1972,1972,689,689,1,1378,741,0,2119,0,0,2,1,3,1,7,1,1972,2,583,1,0,104,0,0,0,0,2009,158000,158,Less than median +79,10208,7,5,1996,1997,1264,1264,1,1277,1067,0,2344,0,0,2,1,3,1,7,1,1996,3,889,1,220,0,0,0,0,0,2009,265000,265,More than median +-1,9531,6,5,1998,1998,88,794,1,882,914,0,1796,1,0,2,1,3,1,7,0,1998,2,546,1,0,36,0,0,0,0,2007,211000,211,More than median +53,10918,7,9,1926,2004,1276,1276,1,1276,804,0,2080,0,0,1,1,3,1,9,2,1926,1,282,1,0,0,0,0,145,0,2009,234000,234,More than median +60,10800,4,7,1900,2000,0,0,0,694,600,0,1294,0,0,2,0,3,2,7,0,0,0,0,0,220,114,210,0,0,0,2008,106250,106.25,Less than median +90,11988,6,6,1957,1957,467,1244,1,1244,0,0,1244,0,0,1,1,3,1,6,2,1957,1,336,1,0,40,0,0,0,0,2007,150000,150,Less than median +50,5000,6,7,1947,1950,605,1004,1,1004,660,0,1664,0,0,2,0,3,1,7,2,1950,2,420,1,0,24,36,0,0,0,2006,159000,159,Less than median +130,40094,10,5,2007,2008,878,3138,1,3138,1538,0,4676,1,0,3,1,3,1,11,1,2007,3,884,1,208,406,0,0,0,0,2007,184750,184.75,More than median +95,11787,7,5,1996,1997,660,1379,1,1383,1015,0,2398,1,0,2,1,3,1,8,1,1996,3,834,1,239,60,0,0,0,0,2007,315750,315.75,More than median +62,7500,7,5,2005,2005,1257,1257,1,1266,0,0,1266,0,0,2,0,3,1,6,1,2005,2,453,1,38,144,0,0,0,0,2006,176000,176,More than median +70,13300,5,7,1956,2000,551,928,1,928,0,0,928,0,0,1,0,2,1,4,0,1956,1,252,1,261,0,156,0,0,0,2007,132000,132,Less than median +67,14948,9,5,2008,2008,122,1452,1,1476,1237,0,2713,1,0,2,1,3,1,11,1,2008,3,858,1,126,66,0,0,0,0,2008,446261,446.26,More than median +58,9098,4,7,1920,2002,180,528,1,605,0,0,605,1,0,1,0,2,1,5,0,0,0,0,0,0,0,144,0,0,0,2007,86000,86,Less than median +-1,32668,6,3,1957,1975,816,2035,1,2515,0,0,2515,1,0,3,0,4,2,9,2,1975,2,484,1,0,0,200,0,0,0,2007,200624,200.62,More than median +85,10200,6,5,1988,1989,678,1461,1,1509,0,0,1509,1,0,2,0,3,1,5,1,1988,2,600,1,224,0,0,0,0,0,2008,175000,175,More than median +60,6155,6,8,1920,1999,611,611,1,751,611,0,1362,0,0,2,0,3,1,6,0,1920,2,502,1,0,0,84,0,0,0,2008,128000,128,Less than median +60,7200,5,7,1955,2007,0,0,1,827,0,0,827,0,0,1,0,2,1,5,1,1967,1,392,1,0,0,0,0,0,0,2010,107500,107.5,Less than median +50,5000,1,3,1946,1950,0,0,0,334,0,0,334,0,0,1,0,1,1,2,0,0,0,0,0,0,0,0,0,0,0,2007,39300,39.3,Less than median +74,9056,8,5,2004,2004,707,707,1,707,707,0,1414,0,0,2,1,3,1,6,1,2004,2,403,1,100,35,0,0,0,0,2006,178000,178,More than median +70,7000,5,7,1910,1991,148,1117,1,820,527,0,1347,1,0,1,0,3,1,5,0,0,0,0,0,85,0,148,0,0,0,2008,107500,107.5,Less than median +57,8924,7,5,1998,1999,880,880,1,880,844,0,1724,0,0,2,1,3,1,8,0,1998,2,527,1,120,155,0,0,0,0,2008,188000,188,More than median +-1,12735,4,5,1972,1972,264,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1980,2,576,1,216,0,0,0,0,0,2008,111250,111.25,Less than median +-1,11553,5,5,1968,1968,378,1051,1,1159,0,0,1159,0,0,1,1,3,1,7,1,1968,1,336,1,466,0,0,0,0,0,2006,158000,158,Less than median +-1,11423,8,5,2001,2002,223,1581,1,1601,0,0,1601,1,0,2,0,3,1,6,1,2001,2,670,1,180,0,0,0,0,0,2010,272000,272,More than median +85,14601,9,5,2006,2006,578,1838,1,1838,0,0,1838,1,0,2,0,2,1,8,1,2006,3,765,1,270,68,0,0,0,0,2009,315000,315,More than median +-1,11000,8,5,2000,2000,969,969,1,997,1288,0,2285,0,0,2,1,4,1,8,1,2000,3,648,1,0,56,0,0,0,0,2007,248000,248,More than median +78,10140,7,5,1998,1999,379,1650,1,1680,0,0,1680,1,0,2,0,3,1,7,1,1998,2,583,1,78,73,0,0,0,0,2009,213250,213.25,More than median +34,4058,7,5,1998,1998,0,723,1,767,0,0,767,1,0,1,0,1,1,4,0,1998,1,367,1,120,40,0,0,0,0,2007,133000,133,Less than median +58,17104,7,5,2006,2006,100,654,1,664,832,0,1496,1,0,2,1,3,1,7,1,2006,2,426,1,100,24,0,0,0,0,2006,179665,179.67,More than median +-1,13837,7,5,1988,1988,0,1204,1,1377,806,0,2183,0,0,2,1,4,1,9,0,1988,3,786,1,0,0,0,0,0,0,2006,229000,229,More than median +70,8737,6,7,1923,1950,765,1065,1,915,720,0,1635,0,0,1,1,3,1,6,1,1950,2,440,1,0,38,0,144,0,0,2007,210000,210,More than median +54,7244,5,7,1970,1970,149,768,1,768,0,0,768,1,0,1,0,2,1,5,0,1987,2,624,1,104,0,0,0,0,0,2007,129500,129.5,Less than median +49,8235,5,7,1955,1995,0,825,1,825,0,0,825,1,0,1,0,2,1,4,0,1963,2,720,1,140,50,0,0,0,0,2008,125000,125,Less than median +75,9375,7,5,2003,2004,912,912,1,912,1182,0,2094,0,0,2,1,4,1,8,1,2003,2,615,1,182,182,0,0,0,0,2009,263000,263,More than median +53,4043,6,6,1977,1977,510,1069,1,1069,0,0,1069,0,0,2,0,2,1,4,0,1977,2,440,1,0,55,0,0,200,0,2008,140000,140,Less than median +50,6000,5,6,1957,1957,620,928,1,928,0,0,928,0,0,1,0,3,1,5,0,1957,1,288,1,0,0,0,0,0,0,2008,112500,112.5,Less than median +87,11146,8,5,2006,2006,1709,1709,1,1717,0,0,1717,0,0,2,0,3,1,7,1,2006,3,908,1,169,39,0,0,0,0,2009,255500,255.5,More than median +67,8777,4,5,1949,2003,0,0,1,1126,0,0,1126,0,0,2,0,2,1,5,0,2002,2,520,0,0,96,0,0,0,0,2009,108000,108,Less than median +85,10625,7,5,2003,2004,132,998,1,1006,1040,0,2046,1,0,2,1,3,1,8,1,2003,3,871,1,320,62,0,0,0,0,2008,284000,284,More than median +58,6380,5,6,1922,1950,993,993,1,1048,0,0,1048,0,0,1,0,2,1,5,1,1922,1,280,1,0,0,116,0,0,0,2006,113000,113,Less than median +69,14850,5,5,1957,1957,197,1092,1,1092,0,0,1092,1,0,1,0,2,1,6,1,1957,1,299,1,268,0,0,0,122,0,2006,141000,141,Less than median +60,11040,4,6,1920,1950,0,637,1,897,439,0,1336,0,0,1,1,3,1,7,0,1994,1,570,1,0,47,120,0,0,0,2006,108000,108,Less than median +57,21872,7,5,1996,1997,125,729,1,729,717,0,1446,0,1,2,1,3,1,6,1,1996,2,406,1,264,22,0,0,0,0,2008,175000,175,More than median +-1,3196,7,5,2003,2004,1374,1374,1,1557,0,0,1557,0,0,2,0,2,1,7,1,2003,2,420,1,143,20,0,0,0,0,2006,234000,234,More than median +-1,11341,5,6,1957,1996,90,1392,1,1392,0,0,1392,1,0,1,1,3,1,5,1,1957,2,528,1,0,0,0,0,95,0,2010,121500,121.5,Less than median +77,10010,5,5,1974,1975,195,1389,1,1389,0,0,1389,1,0,1,0,2,1,6,1,1975,2,418,1,240,38,0,0,0,0,2006,170000,170,More than median +63,13907,5,6,1940,1969,706,996,1,996,0,0,996,1,0,1,0,3,1,6,1,0,0,0,1,144,0,0,0,0,0,2008,108000,108,Less than median +66,21780,6,7,1918,1950,1163,1163,1,1163,511,0,1674,0,0,2,0,4,1,8,1,1955,2,396,0,72,36,0,0,144,0,2008,185000,185,More than median +-1,13346,7,5,1992,2000,367,1095,1,1166,1129,0,2295,1,0,2,1,4,1,9,1,1992,2,590,1,0,40,0,0,0,0,2006,268000,268,More than median +66,6858,6,4,1915,1950,806,806,0,841,806,0,1647,1,0,1,1,4,1,6,0,1920,1,216,1,0,66,136,0,0,0,2010,128000,128,Less than median +77,11198,9,5,2005,2007,1122,1122,1,1134,1370,0,2504,0,0,2,1,4,1,11,1,2005,3,656,1,144,39,0,0,0,0,2008,325000,325,More than median +70,10171,7,5,2004,2004,1515,1517,1,1535,0,0,1535,0,0,2,0,3,1,7,0,2004,2,532,1,0,0,0,0,0,0,2010,214000,214,More than median +79,12327,8,8,1983,2009,55,1496,1,1496,636,0,2132,1,0,1,1,1,1,5,1,1983,2,612,1,349,40,0,0,0,0,2009,316600,316.6,More than median +-1,7032,5,5,1979,1979,0,943,1,943,0,0,943,1,0,1,0,2,1,4,2,1979,2,600,1,42,0,0,0,0,0,2006,135960,135.96,Less than median +74,13101,5,5,1965,1965,1497,1728,1,1728,0,0,1728,0,0,2,0,6,2,10,0,1987,2,576,1,0,0,0,0,0,0,2008,142600,142.6,Less than median +60,7332,6,6,1959,1959,450,864,1,864,0,0,864,1,0,1,0,2,1,4,0,1959,1,288,1,168,0,0,0,0,0,2006,120000,120,Less than median +83,13159,7,5,2009,2009,846,846,1,846,846,0,1692,0,0,2,1,3,1,6,0,2009,2,650,1,208,114,0,0,0,0,2009,224500,224.5,More than median +76,9967,7,5,2000,2000,384,384,1,774,656,0,1430,0,0,2,1,3,1,8,1,2000,2,400,1,100,0,0,0,0,0,2007,170000,170,More than median +70,10500,5,7,1971,2005,23,372,1,576,533,0,1109,0,1,1,0,3,1,5,0,1971,1,288,1,35,0,0,0,0,0,2007,139000,139,Less than median +80,8480,5,5,1947,1950,390,832,1,832,384,0,1216,0,0,1,0,2,1,6,0,1947,1,336,1,158,0,102,0,0,0,2008,118500,118.5,Less than median +52,6292,7,7,1928,1950,861,861,1,877,600,0,1477,0,1,2,0,3,1,6,1,1928,1,216,1,0,50,0,0,0,0,2009,145000,145,Less than median +96,11777,5,6,1966,1966,285,1164,1,1320,0,0,1320,1,0,1,0,3,1,6,2,1966,2,564,1,160,68,240,0,0,0,2006,164500,164.5,More than median +34,3604,7,5,2007,2007,689,689,1,703,689,0,1392,0,0,2,0,2,1,5,0,2007,2,540,1,0,102,0,0,0,0,2008,146000,146,Less than median +81,12150,5,5,1954,1954,1050,1050,0,1050,745,0,1795,0,0,2,0,4,1,7,0,1954,1,352,1,0,0,0,0,0,0,2008,131500,131.5,Less than median +-1,14585,6,6,1960,1987,331,1144,1,1429,0,0,1429,0,1,1,0,3,1,7,2,1960,2,572,1,216,110,0,0,0,0,2007,181900,181.9,More than median +98,12704,8,5,2008,2009,2042,2042,1,2042,0,0,2042,0,0,2,1,3,1,8,1,2009,3,1390,1,0,90,0,0,0,0,2009,253293,253.29,More than median +81,11841,6,5,1990,1990,0,816,1,816,0,0,816,1,0,1,0,3,1,5,0,0,0,0,1,0,32,0,0,0,0,2007,118500,118.5,Less than median +75,13500,10,9,1893,2000,1237,1237,1,1521,1254,0,2775,0,0,3,1,3,1,9,1,1988,2,880,1,105,502,0,0,0,0,2008,325000,325,More than median +51,6120,4,7,1935,1995,884,884,1,989,584,0,1573,0,0,1,0,3,1,6,0,1935,1,240,1,0,0,54,0,120,0,2009,133000,133,Less than median +88,11443,8,5,2005,2006,408,1868,1,2028,0,0,2028,1,0,2,0,2,1,7,2,2005,3,880,1,326,66,0,0,0,0,2006,369900,369.9,More than median +55,10267,6,7,1918,2000,0,816,1,838,0,0,838,1,0,1,0,2,1,5,0,1961,1,275,0,0,0,112,0,0,0,2008,130000,130,Less than median +74,8740,5,6,1982,1982,168,840,1,860,0,0,860,1,0,1,0,2,1,4,0,1996,2,528,1,0,0,0,0,0,0,2009,137000,137,Less than median +65,25095,5,8,1968,2003,113,1437,1,1473,0,0,1473,2,0,1,0,1,1,5,2,1968,1,452,1,0,48,0,0,60,0,2009,143000,143,Less than median +50,9100,5,6,1930,1960,742,742,1,779,0,156,935,0,0,1,0,2,1,4,0,1988,1,308,1,0,0,0,0,0,0,2008,79500,79.5,Less than median +64,8320,7,5,2004,2004,280,770,1,770,812,0,1582,0,0,2,1,3,1,6,0,2004,2,520,1,0,45,0,0,0,0,2008,185900,185.9,More than median +97,13478,10,5,2008,2008,384,1722,1,1728,568,0,2296,1,0,2,1,3,1,10,1,2008,3,842,1,382,274,0,0,0,0,2009,451950,451.95,More than median +60,6600,5,8,1982,2003,0,816,1,816,0,0,816,1,0,1,0,2,1,4,0,1985,2,816,1,0,0,0,0,0,0,2008,138000,138,Less than median +-1,4435,6,5,2003,2003,163,848,1,848,0,0,848,1,0,1,0,1,1,4,0,2003,2,420,1,140,0,0,0,0,0,2009,140000,140,Less than median +88,7990,5,6,1975,1975,924,924,1,924,0,0,924,0,0,1,0,3,1,5,0,1981,1,280,1,0,0,0,0,0,0,2008,110000,110,Less than median +69,11302,8,5,2005,2006,392,1814,1,1826,0,0,1826,1,0,2,0,3,1,7,1,2005,3,758,1,180,75,0,0,120,0,2006,319000,319,More than median +60,3600,6,7,1910,1993,684,684,0,684,684,0,1368,0,0,1,0,3,1,7,0,1930,1,216,0,0,158,0,0,0,0,2006,114504,114.5,Less than median +53,3922,7,5,2006,2007,1258,1258,1,1402,0,0,1402,0,2,0,2,2,1,7,1,2006,3,648,1,120,16,0,0,0,0,2007,194201,194.2,More than median +80,12984,5,6,1977,1977,0,1430,1,1647,0,0,1647,1,0,2,0,3,1,7,1,1977,2,621,1,0,0,0,0,0,0,2006,217500,217.5,More than median +24,1950,6,6,1980,1980,23,716,1,716,840,0,1556,1,0,2,1,3,1,6,1,1980,2,452,1,161,0,0,0,0,0,2008,151000,151,Less than median +74,10927,8,5,2005,2005,512,1058,1,1058,846,0,1904,1,0,2,1,3,1,8,1,2003,2,736,1,179,60,0,0,0,0,2006,275000,275,More than median +50,9000,6,6,1937,1950,780,780,1,780,595,0,1375,0,0,1,1,3,1,6,1,1979,1,544,1,0,162,0,0,126,0,2007,141000,141,Less than median +80,10041,8,5,1992,1992,119,908,1,927,988,0,1915,1,0,2,1,3,1,8,1,1992,2,506,1,120,150,0,0,0,0,2006,220000,220,More than median +30,3182,7,5,2004,2005,600,600,1,600,600,0,1200,0,0,2,1,2,1,4,0,2004,2,480,1,0,172,0,0,0,0,2010,151000,151,Less than median +88,12803,7,5,2002,2002,572,1494,1,1494,0,0,1494,1,0,2,0,3,1,6,1,2002,2,530,1,192,36,0,0,0,0,2008,221000,221,More than median +85,13600,7,6,1965,1990,314,768,1,1186,800,0,1986,0,0,2,1,3,1,7,3,1965,2,486,1,0,42,0,0,189,0,2009,205000,205,More than median +82,12464,5,5,1996,1996,308,1040,1,1040,0,0,1040,1,0,1,0,3,1,6,0,2000,2,576,1,168,0,0,0,0,0,2009,152000,152,Less than median +78,7800,5,8,1948,2002,293,896,1,1112,896,0,2008,1,0,3,0,3,1,8,0,1948,1,230,1,103,0,0,0,0,0,2006,225000,225,More than median +78,12168,8,6,1934,1998,537,965,1,1940,1254,0,3194,0,0,2,1,4,1,10,2,1934,2,380,1,0,0,0,0,0,0,2007,359100,359.1,More than median +61,7943,4,5,1961,1961,126,1029,1,1029,0,0,1029,1,0,1,0,3,1,5,0,1961,1,261,1,64,0,39,0,0,0,2007,118500,118.5,Less than median +-1,11050,9,5,2000,2000,536,1440,1,1476,677,0,2153,1,0,2,1,3,1,8,2,2000,3,736,1,253,142,0,0,0,0,2009,313000,313,More than median +-1,10395,6,6,1978,1978,427,1032,1,1032,0,0,1032,0,1,2,0,3,1,6,1,1978,2,564,1,0,0,0,0,0,0,2007,148000,148,Less than median +-1,11885,8,5,2001,2001,309,1299,1,1299,573,0,1872,1,0,2,1,3,1,7,1,2001,2,531,1,160,122,0,0,0,0,2009,261500,261.5,More than median +70,8402,5,5,2007,2007,914,1120,1,1120,0,0,1120,0,0,1,0,3,1,6,0,0,0,0,1,0,30,0,0,0,0,2007,147000,147,Less than median +21,1491,4,6,1972,1972,0,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,96,24,0,0,0,0,2010,75500,75.5,Less than median +80,8800,6,7,1963,1963,173,936,1,1054,0,0,1054,1,0,1,0,3,1,6,0,1963,2,480,1,120,0,0,0,0,0,2010,137500,137.5,Less than median +-1,7861,6,5,2002,2003,326,783,1,807,702,0,1509,1,0,2,1,3,1,7,1,2002,2,393,1,100,75,0,0,0,0,2006,183200,183.2,More than median +59,7227,6,6,1954,1954,832,832,1,832,0,0,832,0,0,1,0,2,1,4,0,1962,2,528,1,0,0,0,0,0,0,2008,105500,105.5,Less than median +90,11694,9,5,2007,2007,1774,1822,1,1828,0,0,1828,0,0,2,0,3,1,9,1,2007,3,774,1,0,108,0,0,260,0,2007,314813,314.81,More than median +85,12244,8,5,2003,2003,611,1482,1,1482,780,0,2262,1,0,2,1,4,1,10,2,2003,3,749,1,168,0,0,0,0,0,2008,305000,305,More than median +45,8248,3,3,1914,1950,823,864,0,864,0,0,864,1,0,1,0,2,1,5,0,0,0,0,0,0,0,100,0,0,0,2008,67000,67,Less than median +90,10800,6,7,1974,1997,384,1522,1,1548,1066,0,2614,0,0,2,1,4,1,9,1,1974,2,624,1,38,243,0,0,0,0,2008,240000,240,More than median +71,7064,5,6,1977,1977,420,980,1,980,0,0,980,0,0,1,0,3,1,6,0,1986,2,484,1,192,0,0,0,0,0,2009,135000,135,Less than median +-1,2117,6,5,2000,2000,336,756,1,756,756,0,1512,0,0,2,1,2,1,4,1,2000,2,440,1,0,32,0,0,0,0,2007,168500,168.5,More than median +80,10400,6,5,1972,1972,485,732,1,1012,778,0,1790,1,0,1,2,4,1,8,1,1972,2,484,1,148,0,0,0,147,0,2006,165150,165.15,More than median +87,10000,6,6,1962,1962,1116,1116,1,1116,0,0,1116,0,0,1,1,3,1,5,0,1962,2,440,1,0,0,0,0,385,0,2010,160000,160,Less than median +-1,12342,5,5,1960,1978,978,978,1,1422,0,0,1422,0,0,1,0,3,1,6,1,1960,1,286,1,0,0,36,0,0,0,2007,139900,139.9,Less than median +80,9600,6,6,1955,1972,350,1156,1,1520,0,0,1520,1,0,1,0,3,1,7,2,1955,1,364,1,0,0,189,0,0,0,2010,153000,153,Less than median +70,11606,5,5,1969,1969,390,1040,1,1040,1040,0,2080,0,1,1,2,5,1,9,2,1969,2,504,1,335,0,0,0,0,0,2007,135000,135,Less than median +82,9020,6,5,1964,1964,288,1248,1,1350,0,0,1350,1,0,1,1,3,1,6,0,1964,2,520,1,176,0,0,0,0,0,2008,168500,168.5,More than median +50,9000,5,6,1880,1991,636,636,1,1089,661,0,1750,0,0,1,0,3,1,8,0,1937,1,240,0,0,0,293,0,0,0,2006,124000,124,Less than median +34,4590,8,5,2006,2006,1530,1554,1,1554,0,0,1554,0,0,2,0,2,1,6,1,2006,2,627,1,156,73,0,0,0,0,2007,209500,209.5,More than median +85,11900,7,5,1977,1977,564,1386,1,1411,0,0,1411,0,0,2,0,3,1,6,1,1977,2,544,1,192,0,0,0,0,0,2009,82500,82.5,Less than median +80,9250,5,7,1954,2005,108,1056,1,1056,0,0,1056,0,1,1,0,3,1,6,0,1954,1,260,1,390,0,0,0,0,0,2007,139400,139.4,Less than median +64,6979,6,5,1980,1980,0,1056,1,1056,0,0,1056,2,0,0,0,0,2,4,0,1980,2,576,1,264,56,0,0,0,0,2010,144000,144,Less than median +60,10896,6,7,1914,1995,1184,1440,1,1440,1440,515,3395,0,0,2,0,8,2,14,0,0,0,0,0,0,110,0,0,0,0,2007,200000,200,More than median +51,6120,2,3,1936,1950,264,264,0,800,0,0,800,0,0,1,0,1,1,4,1,0,0,0,0,0,0,0,0,0,0,2009,60000,60,Less than median +50,6000,5,4,1954,1954,811,811,1,811,576,0,1387,0,0,2,0,3,2,7,0,1954,1,256,1,0,0,0,0,0,0,2009,93000,93,Less than median +67,8777,5,7,1910,1950,796,796,1,796,0,0,796,0,0,1,0,2,1,4,0,0,0,0,1,328,0,164,0,0,0,2008,85000,85,Less than median +53,3982,8,5,2006,2006,366,1520,1,1567,0,0,1567,1,0,2,0,1,1,7,1,2006,3,648,1,312,0,0,0,0,0,2006,264561,264.56,More than median +62,12677,8,5,2003,2004,300,1518,1,1518,0,0,1518,0,0,1,1,1,1,6,1,2003,2,588,1,185,140,0,0,0,0,2008,274000,274,More than median +-1,7050,7,5,2001,2001,319,1057,1,1057,872,0,1929,1,0,2,1,3,1,7,1,2001,2,650,1,0,235,0,0,0,0,2007,226000,226,More than median +75,13860,8,7,1972,1995,542,1952,1,2000,704,0,2704,1,0,2,1,4,1,9,3,1972,2,538,1,269,111,0,0,0,0,2009,345000,345,More than median +80,10793,5,5,1969,1969,0,780,1,780,840,0,1620,0,0,2,1,4,1,7,0,1969,2,462,1,208,0,0,0,0,0,2007,152000,152,Less than median +85,9187,9,5,2009,2009,645,1766,1,1766,0,0,1766,1,0,2,1,2,1,7,1,2009,3,478,1,195,130,0,0,0,0,2009,370878,370.88,More than median +-1,10530,6,5,1971,1971,664,981,1,981,0,0,981,1,0,1,1,3,1,5,0,1979,2,576,1,0,312,40,0,0,0,2007,143250,143.25,Less than median +60,7200,5,5,1950,1950,0,0,1,1048,0,0,1048,0,0,1,0,3,1,7,0,1950,2,420,1,0,27,0,0,0,0,2008,98300,98.3,Less than median +85,10452,6,5,1953,1953,594,1094,1,1094,0,0,1094,0,0,1,0,3,1,5,2,1953,2,495,1,0,0,0,0,287,0,2008,155000,155,Less than median +70,7700,6,5,1966,1966,756,756,1,1051,788,0,1839,0,0,1,1,4,1,7,1,1966,2,442,1,0,124,216,0,0,0,2010,155000,155,Less than median +21,1936,4,6,1970,1970,0,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,0,0,0,0,0,0,2007,84500,84.5,Less than median +65,8125,7,6,2007,2007,813,813,1,822,843,0,1665,0,0,2,1,3,1,7,0,2007,2,562,1,0,0,0,0,0,0,2008,205950,205.95,More than median +60,9084,4,5,1940,1950,755,755,1,755,755,0,1510,1,0,1,0,4,1,7,1,1940,1,296,1,120,0,0,0,0,0,2009,108000,108,Less than median +70,8750,7,5,1996,1996,880,880,1,909,807,0,1716,0,0,2,1,2,1,7,1,1996,2,512,1,0,120,0,0,0,0,2009,191000,191,More than median +60,10320,6,7,1906,1995,756,756,1,756,713,0,1469,0,0,1,0,3,1,7,0,1906,1,216,1,57,0,239,0,0,0,2008,135000,135,Less than median +91,10437,8,6,1995,1995,413,2109,1,2113,0,0,2113,1,0,2,1,2,1,7,1,1995,3,839,1,236,46,0,0,0,0,2008,350000,350,More than median +21,1680,6,5,1971,1971,525,525,1,525,567,0,1092,0,0,1,1,3,1,6,0,1971,1,264,1,0,0,0,0,0,0,2010,88000,88,Less than median +72,10007,5,7,1959,2006,247,1053,1,1053,0,0,1053,1,0,1,1,3,1,5,0,1959,1,312,1,0,0,0,0,0,0,2008,145500,145.5,Less than median +60,7200,7,6,1931,2000,776,776,1,851,651,0,1502,0,0,1,1,3,1,6,1,1931,1,270,1,0,0,112,0,0,0,2008,149000,149,Less than median +78,17503,6,5,1948,1950,912,912,1,912,546,0,1458,0,1,1,0,3,1,6,1,1948,1,330,1,192,0,0,0,0,0,2010,97500,97.5,Less than median +75,9937,5,7,1964,1999,849,1486,1,1486,0,0,1486,1,0,1,0,3,1,7,0,1968,2,480,1,0,0,0,0,0,0,2009,167000,167,More than median +-1,12384,7,7,1976,1976,793,793,1,1142,793,0,1935,0,0,2,1,3,1,7,1,1976,2,550,1,0,113,252,0,0,0,2007,197900,197.9,More than median +52,46589,8,7,1994,2005,88,1629,1,1686,762,0,2448,1,0,2,1,4,1,8,1,1994,3,711,1,517,76,0,0,0,0,2009,402000,402,More than median +120,13560,6,3,1968,1968,1392,1392,1,1392,0,0,1392,1,0,1,0,2,1,5,2,1968,2,576,1,0,0,240,0,0,0,2009,110000,110,Less than median +90,10012,4,5,1972,1972,38,1138,1,1181,0,0,1181,1,0,2,0,3,1,6,0,1974,2,588,1,0,0,180,0,0,0,2008,137500,137.5,Less than median +49,20896,8,5,2005,2006,356,2077,1,2097,0,0,2097,1,0,1,1,1,1,8,1,2005,3,1134,1,192,267,0,0,0,0,2006,423000,423,More than median +106,11194,8,5,2000,2000,1406,1406,1,1454,482,0,1936,0,0,2,1,3,1,7,1,2000,2,504,1,188,124,0,0,0,0,2006,230500,230.5,More than median +-1,18450,6,5,1965,1979,111,1021,1,1465,915,0,2380,0,0,2,1,3,1,7,1,1965,2,596,1,0,265,0,0,0,0,2007,129000,129,Less than median +65,8125,6,5,1994,1998,270,1408,1,1679,0,0,1679,1,0,2,0,3,1,7,1,1994,2,575,1,224,42,0,0,0,0,2008,193500,193.5,More than median +-1,14175,5,6,1956,1987,200,1188,1,1437,0,0,1437,1,0,1,1,3,1,6,1,1999,2,576,1,304,0,0,0,0,0,2006,168000,168,More than median +80,11600,4,5,1922,1950,700,700,1,1180,0,0,1180,0,0,1,0,2,1,5,1,1922,1,252,1,0,0,67,0,0,0,2006,137500,137.5,Less than median +64,8633,6,5,2005,2005,545,738,1,738,738,0,1476,1,0,2,1,3,1,7,0,2005,2,540,1,100,35,0,0,0,0,2009,173500,173.5,More than median +54,6629,6,6,1925,1950,121,672,0,697,672,0,1369,1,0,2,0,3,1,6,0,1930,1,300,1,147,0,0,0,0,0,2009,103600,103.6,Less than median +-1,11250,6,6,1977,1977,441,1208,1,1208,0,0,1208,1,0,1,1,3,1,6,1,1977,2,546,1,198,42,0,0,0,0,2006,165000,165,More than median +110,14442,6,7,1957,2004,291,1477,1,1839,0,0,1839,1,0,2,0,3,1,7,2,1957,2,416,1,0,87,0,0,200,0,2007,257500,257.5,More than median +80,9200,6,6,1965,1965,244,1136,1,1136,0,0,1136,1,0,1,0,3,1,5,1,1965,1,384,1,426,0,0,0,0,0,2008,140000,140,Less than median +24,2289,6,6,1978,1978,544,855,1,855,586,0,1441,0,0,2,1,3,1,7,1,1978,2,440,1,28,0,0,0,0,0,2009,148500,148.5,Less than median +60,9600,4,2,1900,1950,1095,1095,0,1095,679,0,1774,1,0,2,0,4,2,8,0,1920,3,779,0,0,0,90,0,0,0,2006,87000,87,Less than median +52,9022,5,8,1924,2006,768,768,1,792,0,0,792,0,0,1,0,2,1,5,0,1924,1,240,0,316,0,120,0,0,0,2009,109500,109.5,Less than median +80,11844,8,5,2008,2008,2046,2046,1,2046,0,0,2046,0,0,2,1,3,1,7,1,2008,3,834,1,322,82,0,0,0,0,2009,372500,372.5,More than median +-1,9945,5,5,1961,1961,161,988,1,988,0,0,988,1,0,1,0,3,1,5,0,1963,2,572,1,0,0,0,0,0,0,2007,128500,128.5,Less than median +50,8012,6,5,1980,1980,261,923,1,923,0,0,923,0,0,2,0,2,1,5,1,1980,1,264,1,80,0,0,0,0,0,2010,143000,143,Less than median +55,4500,5,5,1932,2000,611,793,1,848,672,0,1520,0,0,1,0,3,1,6,0,1968,1,281,1,0,0,56,0,0,0,2009,159434,159.43,Less than median +-1,2887,6,5,1996,1997,288,1291,1,1291,0,0,1291,1,0,1,0,2,1,6,1,1996,2,431,1,307,0,0,0,0,0,2008,173000,173,More than median +90,11248,9,5,2002,2002,567,1626,1,1668,0,0,1668,1,0,2,0,3,1,7,1,2002,3,702,1,257,45,0,0,0,0,2007,285000,285,More than median +58,16770,7,5,1998,1998,1195,1195,1,1195,644,0,1839,0,0,2,1,4,1,7,0,1998,2,486,1,0,81,0,0,0,0,2010,221000,221,More than median +-1,5062,7,5,1984,1984,180,1190,1,1190,900,0,2090,1,0,2,0,3,1,6,1,1984,2,577,1,219,0,0,0,0,0,2007,207500,207.5,More than median +84,10207,7,6,2007,2007,874,874,1,874,887,0,1761,0,0,3,0,3,1,7,0,2007,2,578,1,144,105,0,0,0,0,2007,227875,227.88,More than median +-1,5105,7,5,2004,2004,312,551,1,551,551,0,1102,0,0,2,1,2,1,4,0,2004,2,480,1,0,60,0,0,0,0,2007,148800,148.8,Less than median +60,8089,8,6,2007,2007,474,1419,1,1419,0,0,1419,1,0,2,0,2,1,7,1,2007,2,567,1,140,0,0,0,0,0,2007,392000,392,More than median +61,7577,6,5,2005,2006,1342,1362,1,1362,0,0,1362,0,0,2,0,2,1,6,1,2005,2,460,1,192,28,0,0,0,0,2007,194700,194.7,More than median +-1,4426,6,5,2004,2004,151,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,149,0,0,0,0,0,2008,141000,141,Less than median +104,21535,10,6,1994,1995,989,2444,1,2444,1872,0,4316,0,1,3,1,4,1,10,2,1994,3,832,1,382,50,0,0,0,0,2007,755000,755,More than median +42,26178,7,5,1989,1990,245,1210,1,1238,1281,0,2519,1,0,2,1,4,1,9,2,1989,2,628,1,320,27,0,0,0,0,2006,335000,335,More than median +60,5400,5,6,1921,1968,1073,1073,1,1073,0,0,1073,0,0,1,0,2,1,4,0,1968,1,326,1,0,0,112,0,0,0,2006,108480,108.48,Less than median +51,6120,5,6,1936,1950,927,927,1,1067,472,0,1539,0,0,1,1,3,1,5,0,1995,2,576,1,112,0,0,0,0,0,2009,141500,141.5,Less than median +54,13811,6,6,1987,1987,92,1112,1,1137,0,0,1137,1,0,2,0,2,1,5,1,1987,2,551,1,125,0,0,0,0,0,2006,176000,176,More than median +50,6000,5,7,1921,1950,0,616,1,616,0,0,616,0,0,1,0,2,1,4,0,1921,1,205,1,0,0,129,0,0,0,2006,89000,89,Less than median +57,6420,5,7,1952,1952,219,980,1,1148,0,0,1148,0,1,1,0,2,1,6,0,1952,1,308,1,0,0,0,0,0,0,2006,123500,123.5,Less than median +65,8450,5,8,1965,2009,224,894,1,894,0,0,894,1,0,1,0,3,1,5,1,1973,1,336,1,416,144,0,0,0,0,2010,138500,138.5,Less than median +59,4282,7,5,2004,2004,1375,1391,1,1391,0,0,1391,0,0,2,0,2,1,5,0,2004,2,530,1,156,158,0,0,0,0,2008,196000,196,More than median +85,14331,8,5,2002,2002,526,1800,1,1800,0,0,1800,1,0,2,0,3,1,7,1,2002,3,765,1,270,78,0,0,0,0,2006,312500,312.5,More than median +80,9600,7,5,1969,1969,1164,1164,1,1164,0,0,1164,0,0,1,1,3,1,6,0,1969,2,528,1,0,0,0,0,0,0,2006,140000,140,Less than median +82,12438,8,5,2006,2006,1234,1234,1,1264,1312,0,2576,0,0,2,1,4,1,10,1,2006,3,666,1,324,100,0,0,0,0,2006,361919,361.92,More than median +76,7630,5,9,1900,1996,360,360,1,1032,780,0,1812,0,0,2,0,4,2,8,1,1999,2,672,0,344,0,40,0,0,0,2010,140000,140,Less than median +70,8400,7,5,2004,2005,761,1473,1,1484,0,0,1484,1,0,2,0,3,1,7,0,2004,2,606,1,0,35,0,144,0,0,2010,213000,213,More than median +70,5600,4,5,1930,1950,0,0,0,372,720,0,1092,0,0,2,0,3,2,7,0,0,0,0,0,0,0,0,0,0,0,2010,55000,55,Less than median +-1,115149,7,5,1971,2002,424,1643,1,1824,0,0,1824,1,0,2,0,2,1,5,2,1971,2,739,1,380,48,0,0,0,0,2007,302000,302,More than median +48,6240,8,5,2006,2006,461,1324,1,1324,0,0,1324,1,0,2,0,2,1,6,1,2006,2,550,1,192,38,0,0,0,0,2009,254000,254,More than median +65,9018,7,5,2007,2007,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,1,2007,2,400,1,100,24,0,0,0,0,2007,179540,179.54,More than median +-1,7162,5,7,1966,1966,876,876,1,904,0,0,904,0,0,1,0,3,1,6,0,1966,1,408,1,0,0,0,0,0,0,2008,109900,109.9,Less than median +56,4130,3,6,1935,2003,270,270,1,729,0,0,729,0,0,1,0,2,1,5,0,0,0,0,0,0,0,0,0,0,0,2008,52000,52,Less than median +66,8712,4,7,1900,1950,859,859,1,859,319,0,1178,0,0,1,0,2,1,7,0,1964,1,384,0,68,0,98,0,0,0,2010,102776,102.78,Less than median +40,4671,8,5,1988,1989,461,1228,1,1228,0,0,1228,1,0,2,0,2,1,5,1,1988,2,472,1,168,120,0,0,0,0,2008,189000,189,More than median +60,9873,4,5,1970,1970,171,960,0,960,0,0,960,1,0,1,0,3,1,6,0,1970,2,576,1,0,288,0,0,0,0,2006,129000,129,Less than median +-1,13517,6,8,1976,2005,192,725,1,725,754,0,1479,0,0,2,1,3,1,6,0,1976,2,475,1,0,44,0,0,0,0,2010,130500,130.5,Less than median +78,10140,6,5,1974,1974,1064,1064,1,1350,0,0,1350,0,0,2,0,3,1,7,1,1974,2,478,1,0,0,0,0,0,0,2009,165000,165,More than median +60,10800,7,8,1890,1998,718,718,1,1576,978,0,2554,0,0,1,1,3,1,8,0,1996,2,704,1,0,48,143,0,0,0,2007,159500,159.5,Less than median +80,10000,5,6,1973,2000,92,1176,1,1178,0,0,1178,0,1,1,1,3,1,5,1,1973,2,439,1,224,0,0,0,0,0,2008,157000,157,Less than median +96,10542,7,5,1993,1994,138,1311,1,1325,1093,0,2418,1,0,2,1,3,1,9,1,1993,3,983,1,250,154,216,0,0,0,2008,341000,341,More than median +69,9920,5,6,1969,1969,448,971,1,971,0,0,971,0,0,1,1,3,1,5,1,1969,1,300,1,0,0,0,0,0,0,2006,128500,128.5,Less than median +-1,6563,8,5,1985,1985,594,1742,1,1742,0,0,1742,1,0,2,0,2,1,5,1,1985,2,564,1,114,28,234,0,0,0,2006,275000,275,More than median +-1,4426,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,3,0,2004,2,420,1,160,0,0,0,0,0,2010,143000,143,Less than median +70,8120,4,7,1970,1970,673,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1994,2,463,1,0,0,0,0,0,0,2009,124500,124.5,Less than median +60,8172,4,6,1954,1972,941,941,1,997,473,0,1470,0,0,2,0,4,1,7,0,1958,1,548,1,0,0,0,0,156,0,2008,135000,135,Less than median +86,13286,9,5,2007,2008,464,1698,1,1698,0,0,1698,1,0,2,0,3,1,8,1,2007,3,768,1,327,64,0,0,0,0,2009,320000,320,More than median +60,6960,4,6,1970,1970,250,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1989,2,660,1,96,0,0,0,0,0,2009,120500,120.5,Less than median +-1,21695,6,9,1988,2007,72,880,1,1680,0,0,1680,1,0,2,0,3,1,5,1,1988,2,540,1,292,44,0,182,0,0,2009,222000,222,More than median +64,7314,7,5,2007,2007,508,1232,1,1232,0,0,1232,1,0,2,0,2,1,6,0,2007,2,632,1,132,0,0,0,0,0,2009,194500,194.5,More than median +85,11475,5,5,1958,1958,1584,1584,1,1776,0,0,1776,1,0,2,0,4,2,9,0,1968,3,888,1,0,25,0,0,0,0,2009,110000,110,Less than median +52,6240,4,5,1925,1950,628,780,1,848,0,360,1208,0,0,1,0,2,1,5,0,1962,2,539,1,0,23,112,0,0,0,2009,103000,103,Less than median +39,5389,8,5,1995,1996,415,1595,1,1616,0,0,1616,1,0,2,0,2,1,5,1,1995,2,608,1,237,152,0,0,0,0,2010,236500,236.5,More than median +73,9590,7,5,2003,2003,82,868,1,1146,0,0,1146,1,0,2,0,3,1,6,1,2003,2,438,1,160,22,0,0,0,0,2007,187500,187.5,More than median +75,11404,7,5,1998,1999,901,1153,1,1153,878,0,2031,0,0,2,1,3,1,8,1,1998,2,541,1,192,84,0,0,0,0,2008,222500,222.5,More than median +80,10000,5,6,1961,1983,270,864,1,1144,0,0,1144,1,0,1,0,3,1,6,1,1961,1,264,1,165,0,0,0,0,0,2009,131400,131.4,Less than median +-1,8978,5,5,1968,1968,948,948,1,948,0,0,948,0,0,1,0,3,1,6,0,1968,1,300,1,147,0,0,0,0,0,2007,108000,108,Less than median +60,10800,7,7,1914,1970,490,880,0,880,888,0,1768,0,0,1,1,2,1,6,2,1914,2,320,0,0,341,0,0,0,0,2006,163000,163,Less than median +60,8544,3,4,1950,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1949,2,400,1,0,0,0,0,0,0,2006,93500,93.5,Less than median +72,10463,8,5,2005,2005,893,893,1,901,900,0,1801,0,0,2,1,3,1,8,1,2005,3,800,1,0,116,0,0,0,0,2006,239900,239.9,More than median +60,10800,5,5,1987,1988,0,1200,1,1200,0,0,1200,3,0,3,0,3,1,5,0,0,0,0,1,120,0,0,0,0,0,2009,179000,179,More than median +65,9313,7,5,2004,2004,864,864,1,864,864,0,1728,0,0,2,1,3,1,7,0,2004,2,572,1,187,56,0,0,0,0,2009,190000,190,More than median +60,9600,5,7,1910,2002,264,264,1,768,664,0,1432,0,0,2,0,2,1,7,0,1910,2,360,1,270,0,112,0,0,0,2007,132000,132,Less than median +65,6768,6,8,1961,1996,80,912,1,912,0,0,912,1,1,1,0,3,1,5,0,1962,1,288,1,168,0,0,0,0,0,2008,142000,142,Less than median +65,8450,7,5,2000,2001,1349,1349,1,1349,0,0,1349,0,0,2,0,3,1,6,0,2000,2,539,1,120,55,0,0,0,0,2007,179000,179,More than median +70,12886,5,6,1963,1999,76,520,1,1464,0,0,1464,0,1,2,0,3,1,6,1,1997,2,480,1,302,0,0,0,100,0,2009,175000,175,More than median +41,5395,8,5,1993,1993,604,1337,1,1337,0,0,1337,1,0,2,0,2,1,5,1,1993,2,462,1,96,0,70,168,0,0,2008,180000,180,More than median +-1,8963,8,9,1976,1996,487,1142,1,1175,1540,0,2715,0,1,3,1,4,1,11,2,1994,2,831,1,0,204,0,0,0,0,2008,299800,299.8,More than median +-1,8795,7,5,2000,2000,652,952,1,980,1276,0,2256,0,0,2,1,4,1,8,1,2000,2,554,1,224,54,0,0,0,0,2009,236000,236,More than median +65,11700,7,7,1880,2003,1240,1240,0,1320,1320,0,2640,0,0,1,1,4,1,8,1,1950,4,864,0,181,0,386,0,0,0,2009,265979,265.98,More than median +59,10593,7,5,1996,1996,801,1720,1,1720,0,0,1720,1,0,2,0,3,1,7,1,1996,2,527,1,240,56,154,0,0,0,2010,260400,260.4,More than median +50,8405,4,3,1945,1950,0,0,0,1088,441,0,1529,0,0,2,0,4,1,9,0,1945,1,240,0,92,0,185,0,0,0,2009,98000,98,Less than median +55,8800,4,7,1910,2004,576,576,1,792,348,0,1140,0,0,1,0,3,1,7,0,0,0,0,0,0,160,0,0,0,0,2010,96500,96.5,Less than median +-1,7750,7,5,2003,2003,660,660,1,660,660,0,1320,0,0,2,1,3,1,6,0,2003,2,400,1,0,48,0,0,0,0,2007,162000,162,Less than median +79,9236,6,5,1997,1997,279,1479,1,1494,0,0,1494,1,0,2,0,3,1,6,0,1997,2,576,1,168,27,0,0,0,0,2006,217000,217,More than median +80,10240,8,5,2005,2005,1030,1030,1,1038,1060,0,2098,0,0,2,1,3,1,8,1,2005,3,878,1,192,52,0,0,0,0,2006,275500,275.5,More than median +61,7930,6,8,1969,2005,115,1026,1,1026,0,0,1026,1,0,1,0,3,1,5,0,1969,2,440,1,171,48,0,0,0,0,2009,156000,156,Less than median +34,3230,6,5,1999,1999,348,729,1,742,729,0,1471,0,0,2,1,3,1,6,0,1999,2,440,1,0,24,0,0,0,0,2009,172500,172.5,More than median +68,10769,8,5,2007,2007,846,866,1,866,902,0,1768,0,0,2,1,3,1,7,0,2007,2,578,1,144,105,0,0,0,0,2009,212000,212,More than median +-1,11616,6,5,1978,1978,234,672,1,672,714,0,1386,0,0,2,1,3,1,6,1,1978,2,440,1,335,0,0,0,0,0,2010,158900,158.9,Less than median +24,2280,7,5,1999,1999,195,744,1,757,744,0,1501,0,0,2,1,3,1,6,0,1999,2,440,1,0,0,0,0,0,0,2008,179400,179.4,More than median +65,12257,8,5,1995,1995,1198,1318,1,1328,1203,0,2531,0,0,2,1,4,1,9,1,1995,3,752,1,222,98,0,0,0,0,2007,290000,290,More than median +70,9100,6,6,1959,1959,252,864,1,864,0,0,864,0,0,1,0,2,1,5,0,2008,1,300,1,0,0,0,0,0,0,2009,127500,127.5,Less than median +60,6911,5,5,1924,1950,740,1145,1,1301,0,0,1301,0,0,1,0,2,1,5,0,1965,2,440,1,0,0,0,0,0,0,2009,100000,100,Less than median +72,8640,7,5,2009,2009,732,756,1,764,783,0,1547,0,0,2,1,3,1,7,0,2009,2,614,1,169,45,0,0,0,0,2010,215200,215.2,More than median +82,9430,8,5,1999,1999,89,1252,1,1268,1097,0,2365,1,0,2,1,3,1,8,1,1999,3,856,1,0,128,0,0,180,0,2009,337000,337,More than median +30,9549,8,5,1995,1996,0,1494,1,1494,0,0,1494,1,0,1,1,2,1,6,1,1995,2,481,1,0,30,0,0,216,0,2006,270000,270,More than median +75,14587,9,5,2008,2008,1498,1498,1,1506,0,0,1506,0,0,2,0,2,1,6,1,2008,2,592,1,0,174,0,0,0,0,2008,264132,264.13,More than median +80,10421,7,5,1988,1988,586,980,1,980,734,0,1714,0,0,2,1,3,1,7,1,1988,2,496,1,228,66,156,0,0,0,2010,196500,196.5,More than median +75,12508,6,7,1940,1985,323,983,1,983,767,0,1750,1,0,2,0,4,1,7,0,1989,1,423,1,245,0,156,0,0,0,2008,160000,160,Less than median +70,9100,7,5,2004,2005,1836,1860,1,1836,0,0,1836,0,0,2,0,3,1,8,1,2004,2,484,1,120,33,0,0,0,0,2006,216837,216.84,More than median +47,53504,8,5,2003,2003,234,1650,1,1690,1589,0,3279,1,0,3,1,4,1,12,1,2003,3,841,1,503,36,0,0,210,0,2010,538000,538,More than median +-1,7252,5,5,1982,1982,173,858,1,858,0,0,858,1,0,1,0,2,1,5,0,1983,2,576,1,120,0,0,0,0,0,2009,134900,134.9,Less than median +67,8877,4,5,1951,1951,0,836,1,1220,0,0,1220,0,0,1,0,2,1,6,0,1951,2,396,1,0,0,0,0,0,0,2006,102000,102,Less than median +94,7819,6,5,1976,1976,480,1029,1,1117,0,0,1117,1,0,1,0,3,1,6,1,1976,2,672,1,144,0,0,0,0,0,2010,107000,107,Less than median +70,10150,5,5,1958,1958,456,912,1,912,0,0,912,0,0,1,0,2,1,5,0,1958,1,275,1,0,0,0,0,0,0,2007,114500,114.5,Less than median +110,14226,8,5,2006,2006,1935,1935,1,1973,0,0,1973,0,0,2,0,3,1,9,1,2006,3,895,1,315,45,0,0,0,0,2007,395000,395,More than median +32,4500,6,5,1998,1998,338,1204,1,1204,0,0,1204,1,0,2,0,2,1,5,0,1998,2,412,1,0,247,0,0,0,0,2009,162000,162,Less than median +86,11210,7,5,2005,2006,1594,1614,1,1614,0,0,1614,0,0,2,0,3,1,7,0,2005,3,865,1,144,59,0,0,0,0,2006,221500,221.5,More than median +100,13350,5,5,1974,1974,102,864,1,894,0,0,894,1,0,1,0,3,1,5,1,1974,2,440,1,241,0,0,0,0,0,2006,142500,142.5,Less than median +60,8400,5,5,1977,1977,0,0,1,2020,0,0,2020,0,0,2,0,4,2,10,2,1977,2,630,1,0,0,0,0,0,0,2007,144000,144,Less than median +78,10530,6,5,1977,1977,0,975,1,1004,0,0,1004,1,0,1,0,2,1,4,0,1977,2,504,1,0,0,0,0,0,0,2006,135000,135,Less than median +63,7875,7,5,1995,1996,1237,1237,1,1253,0,0,1253,0,0,2,0,3,1,6,1,1995,2,402,1,220,21,0,0,0,0,2007,176000,176,More than median +65,7153,6,5,1992,1992,374,761,1,810,793,0,1603,0,0,2,1,3,1,7,0,1992,2,484,1,0,124,0,0,0,0,2006,175900,175.9,More than median +67,16285,7,5,2001,2002,1413,1413,1,1430,0,0,1430,0,0,2,0,3,1,6,0,2001,2,605,1,0,33,0,0,0,0,2009,187100,187.1,More than median +-1,9101,5,6,1978,1978,0,1097,1,1110,0,0,1110,1,0,1,0,1,1,4,1,1978,2,602,1,303,30,0,0,0,0,2009,165500,165.5,More than median +35,6300,6,6,1914,2001,742,742,1,742,742,0,1484,0,0,2,0,3,1,9,1,0,0,0,1,0,291,134,0,0,0,2008,128000,128,Less than median +-1,9790,6,5,1967,1967,491,1372,1,1342,0,0,1342,0,0,2,0,3,1,7,1,1967,2,457,1,0,0,0,0,197,0,2009,161500,161.5,Less than median +60,10800,5,6,1915,1950,0,686,1,966,686,0,1652,1,0,2,0,4,1,7,0,1961,1,416,1,0,0,196,0,0,0,2010,139000,139,Less than median +76,10142,7,5,2004,2004,300,956,1,956,1128,0,2084,1,0,2,1,4,1,8,0,2004,2,618,1,0,45,0,0,0,0,2010,233000,233,More than median +50,6000,4,7,1954,2000,901,901,1,901,0,0,901,0,0,1,0,2,1,4,0,1954,1,281,1,0,0,0,0,0,0,2008,107900,107.9,Less than median +-1,12205,6,8,1966,2007,264,832,1,976,1111,0,2087,0,0,2,1,5,1,9,0,1966,2,444,1,133,168,0,0,0,0,2007,187500,187.5,More than median +43,3182,7,5,2005,2006,1129,1145,1,1145,0,0,1145,0,0,2,0,2,1,5,1,2005,2,397,1,100,16,0,0,0,0,2009,160200,160.2,Less than median +-1,11333,6,5,1976,1976,490,1029,1,1062,0,0,1062,1,0,1,0,3,1,5,2,1976,2,539,1,120,0,0,0,0,0,2007,146800,146.8,Less than median +92,9920,7,5,1996,1997,255,1117,1,1127,886,0,2013,1,0,2,1,3,1,8,1,1997,2,455,1,180,130,0,0,0,0,2007,269790,269.79,More than median +76,9158,8,5,2007,2007,1496,1496,1,1496,0,0,1496,0,0,2,0,3,1,7,0,2007,2,474,1,168,130,0,0,0,0,2007,225000,225,More than median +-1,10832,7,5,1994,1996,712,712,1,1086,809,0,1895,0,0,2,1,3,1,7,1,1994,2,409,1,143,46,0,0,0,0,2008,194500,194.5,More than median +70,8400,6,6,1980,1981,650,650,1,888,676,0,1564,0,0,2,1,3,1,7,1,1980,2,476,1,0,50,0,0,204,0,2010,171000,171,More than median +71,8197,6,5,1977,1977,660,660,1,1285,0,0,1285,0,0,1,1,3,1,7,1,1977,2,528,1,138,0,0,0,0,0,2007,143500,143.5,Less than median +57,7677,5,5,1953,1953,203,773,1,773,0,0,773,0,0,1,0,2,1,4,0,1953,1,240,1,0,0,0,0,0,0,2008,110000,110,Less than median +104,13518,9,5,2008,2009,1926,1926,1,1966,1174,0,3140,0,0,3,1,4,1,11,2,2009,3,820,1,144,78,0,0,0,0,2009,485000,485,More than median +60,7200,5,7,1937,1950,162,731,1,981,787,0,1768,1,0,1,1,3,1,7,2,1939,1,240,1,0,0,264,0,0,0,2007,175000,175,More than median +79,12798,6,5,1997,1997,154,616,1,616,1072,0,1688,1,0,2,1,4,1,8,0,1997,2,603,1,403,114,185,0,0,0,2008,200000,200,More than median +40,4800,4,7,1916,1990,999,1196,1,1196,0,0,1196,1,0,1,0,2,1,5,0,1957,2,440,1,0,0,0,0,0,0,2007,109900,109.9,Less than median +63,8199,7,5,2005,2005,80,728,1,728,728,0,1456,1,0,2,1,3,1,7,1,2005,2,410,1,36,18,0,0,0,0,2008,189000,189,More than median +107,13891,9,5,2008,2009,1734,1734,1,1734,1088,0,2822,0,0,3,1,4,1,12,1,2009,3,1020,1,52,170,0,0,192,0,2009,582933,582.93,More than median +75,9000,5,5,1954,1954,124,936,1,1128,0,0,1128,0,0,1,0,2,1,5,0,1954,1,286,1,0,0,0,0,0,0,2006,118000,118,Less than median +91,12274,7,5,2008,2008,1417,1417,1,1428,0,0,1428,0,0,2,0,3,1,6,0,2008,2,554,1,0,60,0,0,0,0,2008,227680,227.68,More than median +75,9750,5,5,1967,1967,100,980,1,980,0,0,980,0,0,2,0,3,1,6,0,1967,1,384,1,68,0,0,0,0,0,2006,135500,135.5,Less than median +144,21384,5,6,1923,2004,15,1324,1,1072,504,0,1576,2,0,1,1,3,1,6,1,1923,2,528,1,0,312,0,0,0,0,2009,223500,223.5,More than median +85,13400,5,5,1966,1966,380,1024,1,1086,0,0,1086,1,0,1,0,3,1,6,1,1966,2,484,1,0,0,0,0,0,0,2006,159950,159.95,Less than median +90,8100,5,5,1898,1965,849,849,0,1075,1063,0,2138,0,0,2,0,2,3,11,0,1910,2,360,0,40,156,0,0,0,0,2009,106000,106,Less than median +78,10140,6,6,1974,1999,0,1040,1,1309,0,0,1309,1,0,1,1,3,1,5,1,1974,2,484,1,265,0,0,0,0,648,2006,181000,181,More than median +-1,4438,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,4,1,2004,2,420,1,140,0,0,0,0,0,2008,144500,144.5,Less than median +66,8712,5,5,1952,1952,540,540,0,1044,0,0,1044,0,0,1,0,2,1,4,0,1952,2,504,0,0,0,0,0,0,0,2010,55993,55.99,Less than median +75,9750,6,6,1958,1958,834,1442,1,1442,0,0,1442,0,0,1,1,4,1,7,0,1958,1,301,1,0,0,275,0,0,0,2007,157900,157.9,Less than median +45,8248,5,7,1918,1950,686,686,1,686,564,0,1250,0,1,1,1,3,1,7,0,1955,1,280,1,207,0,96,0,0,0,2006,116000,116,Less than median +48,12137,7,5,1998,1998,1649,1649,1,1661,0,0,1661,0,0,2,0,3,1,6,0,1998,2,598,1,0,34,0,0,0,0,2010,224900,224.9,More than median +-1,11425,5,6,1954,1954,522,1008,1,1008,0,0,1008,0,0,1,0,2,1,4,1,1954,1,275,1,0,0,120,0,0,0,2006,137000,137,Less than median +-1,13265,8,5,2002,2002,350,1568,1,1689,0,0,1689,1,0,2,0,3,1,7,2,2002,3,857,1,150,59,0,0,0,0,2008,271000,271,More than median +80,8816,6,7,1971,1971,506,1010,1,1052,0,0,1052,1,0,1,0,3,1,6,0,1971,2,440,1,0,0,0,0,0,0,2010,155000,155,Less than median +44,6371,7,5,2009,2010,625,1358,1,1358,0,0,1358,1,0,2,0,2,1,6,1,2010,2,484,1,192,35,0,0,0,0,2010,224000,224,More than median +72,7226,7,5,2003,2003,798,798,1,798,842,0,1640,0,0,2,1,3,1,6,0,2003,2,595,1,0,45,0,0,0,0,2008,183000,183,More than median +60,6000,4,4,1953,1953,936,936,0,936,0,0,936,0,0,1,0,2,1,4,0,1974,2,576,1,0,32,112,0,0,0,2009,93000,93,Less than median +-1,12394,7,5,2003,2003,847,847,1,847,886,0,1733,0,0,2,1,3,1,7,1,2003,2,433,1,100,48,0,0,0,0,2007,225000,225,More than median +60,9900,6,7,1940,1950,778,778,1,944,545,0,1489,0,0,2,0,3,1,7,1,1940,1,240,1,335,0,0,0,0,0,2009,139500,139.5,Less than median +81,11216,8,5,2006,2006,1489,1489,1,1489,0,0,1489,0,0,2,0,3,1,7,1,2006,2,776,1,0,140,0,0,0,0,2006,232600,232.6,More than median +114,14803,10,5,2007,2008,442,2078,1,2084,0,0,2084,1,0,2,0,2,1,7,1,2007,3,1220,1,188,45,0,0,0,0,2008,385000,385,More than median +50,6130,5,6,1924,1950,0,784,1,784,0,0,784,1,0,1,0,2,1,5,0,0,0,0,1,0,0,116,0,0,0,2008,109500,109.5,Less than median +65,8529,7,5,2001,2001,1434,1454,1,1434,0,0,1434,0,0,2,0,3,1,6,1,2001,2,527,1,290,39,0,0,0,0,2009,189000,189,More than median +-1,28698,5,5,1967,1967,0,1013,1,1160,966,0,2126,0,1,2,1,3,1,7,0,1967,2,538,1,486,0,0,0,225,0,2009,185000,185,More than median +24,2544,7,5,2005,2005,600,600,1,520,623,80,1223,0,0,2,1,2,1,4,0,2005,2,480,1,0,166,0,0,0,0,2006,147400,147.4,Less than median +80,11900,6,5,1957,1957,352,1392,1,1392,0,0,1392,1,0,1,1,3,1,6,2,1957,2,458,1,0,0,0,0,192,0,2008,166000,166,More than median +30,3180,7,5,2005,2005,600,600,1,520,600,80,1200,0,0,2,1,2,1,4,0,2005,2,480,1,0,166,0,0,0,0,2006,151000,151,Less than median +44,9548,7,6,2003,2003,458,941,1,941,888,0,1829,1,0,2,1,3,1,7,1,2003,2,613,1,192,39,0,0,0,0,2010,237000,237,More than median +100,10004,6,6,1964,1964,975,1516,1,1516,0,0,1516,0,0,1,1,3,1,6,0,1964,2,472,1,0,0,0,0,152,0,2009,167000,167,More than median +75,7875,5,6,1961,1961,572,1144,1,1144,0,0,1144,1,0,1,0,3,1,6,0,1961,2,456,1,0,0,0,0,0,0,2008,139950,139.95,Less than median +60,9600,4,7,1950,1995,625,1067,1,1067,0,0,1067,0,0,2,0,2,1,4,0,1996,2,436,1,290,0,0,0,0,0,2010,128000,128,Less than median +90,8100,5,6,1948,1973,1221,1559,1,1559,0,0,1559,1,0,1,0,2,1,5,0,1948,2,812,1,0,116,230,0,0,0,2007,153500,153.5,Less than median +21,1680,6,5,1973,1973,153,483,1,483,504,0,987,1,0,1,1,2,1,5,0,1973,1,264,1,0,0,0,0,0,0,2008,100000,100,Less than median +75,9525,5,6,1995,2006,1099,1099,1,1099,0,0,1099,0,0,1,1,3,1,6,0,1999,1,352,1,278,0,0,0,0,0,2008,144000,144,Less than median +70,11767,5,6,1946,1995,416,768,1,768,432,0,1200,0,0,1,0,3,1,6,0,1946,1,240,1,0,0,0,0,0,0,2008,130500,130.5,Less than median +-1,12155,6,8,1925,1950,516,672,0,810,672,0,1482,0,0,2,0,4,1,7,0,1934,1,400,1,0,0,254,0,0,0,2008,140000,140,Less than median +60,10440,5,8,1904,2002,650,650,1,958,581,0,1539,0,0,2,0,3,1,8,1,1983,2,686,1,70,78,68,0,0,0,2008,157500,157.5,Less than median +82,9020,6,7,1966,1966,276,1127,1,1165,0,0,1165,1,0,1,1,3,1,6,0,1966,2,490,1,0,129,0,0,0,0,2008,174900,174.9,More than median +80,8000,5,4,1961,1961,1800,1800,0,1800,0,0,1800,0,0,2,0,6,2,10,0,0,0,0,1,0,0,0,0,0,0,2007,141000,141,Less than median +100,12665,5,8,1915,1950,876,876,1,876,540,0,1416,0,0,1,1,4,1,7,1,1949,3,720,1,418,0,194,0,0,0,2008,153900,153.9,Less than median +-1,16647,5,5,1975,1981,0,1390,1,1701,0,0,1701,1,0,2,0,3,1,6,2,1975,2,611,1,0,0,0,0,0,0,2007,171000,171,More than median +75,9317,7,5,1993,1993,227,740,1,1006,769,0,1775,1,0,2,1,3,1,7,1,1993,2,425,1,234,72,192,0,0,0,2009,213000,213,More than median +36,15523,5,6,1972,1972,404,864,1,864,0,0,864,1,0,1,0,3,1,5,1,1972,1,338,1,0,0,0,0,0,0,2009,133500,133.5,Less than median +75,45600,6,8,1908,1997,907,907,1,1307,1051,0,2358,0,0,3,0,5,1,10,1,1908,2,360,1,486,40,0,0,175,0,2008,240000,240,More than median +80,9600,6,7,1976,1994,528,528,1,1094,761,0,1855,0,0,2,1,3,1,7,1,1976,2,512,1,113,100,0,0,0,0,2007,187000,187,More than median +36,4435,6,5,2003,2003,189,848,1,848,0,0,848,1,0,1,0,1,1,3,0,2003,2,420,1,140,0,0,0,0,0,2007,131500,131.5,Less than median +-1,3196,8,5,2003,2003,1273,1273,1,1456,0,0,1456,0,0,2,0,2,1,7,1,2003,2,400,1,143,20,0,0,0,0,2006,215000,215,More than median +53,7128,7,5,1941,1950,554,918,1,918,728,0,1646,0,0,2,0,4,1,7,2,1941,1,240,1,0,0,0,0,126,0,2007,164000,164,More than median +-1,12095,6,6,1964,1964,563,1127,1,1445,0,0,1445,0,0,1,1,3,1,7,1,1964,2,645,1,180,0,0,0,0,0,2009,158000,158,Less than median +102,17920,5,4,1955,1974,372,1763,1,1779,0,0,1779,1,0,1,1,3,1,6,1,1955,2,454,1,0,418,0,0,312,0,2006,170000,170,More than median +-1,6897,5,8,1962,2010,381,1040,1,1040,0,0,1040,1,0,1,1,3,1,6,0,1962,1,260,1,0,104,0,0,0,0,2010,127000,127,Less than median +-1,10970,6,6,1978,1978,0,940,1,1026,0,0,1026,1,0,1,0,3,1,5,0,1981,2,576,1,0,0,34,0,0,0,2008,147000,147,Less than median +65,8125,6,5,1994,1995,702,702,1,702,779,0,1481,0,0,2,1,3,1,6,1,1994,2,343,1,0,36,0,0,0,0,2009,174000,174,More than median +80,10400,7,5,1976,1976,1090,1090,1,1370,0,0,1370,0,0,2,0,3,1,6,1,1976,2,479,1,0,0,0,0,0,0,2009,152000,152,Less than median +-1,11029,6,7,1968,1984,435,1054,1,1512,1142,0,2654,1,0,2,1,4,1,9,1,1968,2,619,1,0,65,0,0,222,0,2006,250000,250,More than median +55,7642,7,8,1918,1998,912,912,1,912,514,0,1426,0,0,1,1,3,1,7,1,1925,1,216,1,0,240,0,0,0,0,2007,189950,189.95,More than median +75,11625,5,4,1965,1965,198,1039,1,1039,0,0,1039,1,0,1,1,3,1,6,0,1965,2,504,1,0,0,0,0,0,0,2010,131500,131.5,Less than median +81,9672,6,5,1984,1985,702,1040,1,1097,0,0,1097,0,0,2,0,3,1,6,0,1986,2,480,1,0,0,0,0,0,0,2010,152000,152,Less than median +70,7931,5,5,1959,1959,0,1148,1,1148,0,0,1148,1,0,1,0,3,1,6,0,1959,1,672,1,0,0,0,0,0,0,2009,132500,132.5,Less than median +72,8640,7,5,2007,2008,1372,1372,1,1372,0,0,1372,0,0,2,0,3,1,6,0,2008,2,529,1,0,140,0,0,0,0,2008,250580,250.58,More than median +-1,8750,5,6,1970,1970,174,1002,1,1002,0,0,1002,1,0,1,0,3,1,5,0,1973,2,902,1,0,0,0,0,0,0,2009,148500,148.5,Less than median +67,10656,8,5,2006,2007,1638,1638,1,1646,0,0,1646,0,0,2,0,3,1,6,1,2007,3,870,1,192,80,0,0,0,0,2007,248900,248.9,More than median +85,6970,4,5,1961,1961,108,1040,1,1120,0,0,1120,1,0,1,1,3,1,5,0,1961,2,544,1,168,0,0,0,0,0,2007,129000,129,Less than median +-1,14762,5,6,1948,1950,0,0,1,1547,720,53,2320,0,0,2,0,2,1,7,1,1979,2,672,1,120,144,0,0,0,0,2006,169000,169,More than median +80,9938,7,5,1993,1994,300,1050,1,1062,887,0,1949,1,0,2,1,3,1,8,1,1993,2,574,1,156,90,0,0,0,0,2010,236000,236,More than median +60,6600,5,5,1962,1962,894,894,0,894,0,0,894,0,0,1,0,2,1,5,0,1962,1,308,1,0,0,0,0,0,0,2009,109500,109.5,Less than median +70,8750,6,5,1998,1998,299,804,1,804,878,0,1682,0,0,2,1,3,1,7,0,1998,2,523,1,0,77,0,0,0,0,2010,200500,200.5,More than median +74,8892,5,7,1953,1996,105,105,1,910,0,0,910,0,0,1,0,3,1,5,0,1953,2,414,1,196,0,150,0,0,0,2008,116000,116,Less than median +60,12144,5,7,1949,1950,457,832,1,1036,0,232,1268,0,0,1,0,3,1,6,1,1949,1,288,1,0,28,0,0,0,0,2009,133000,133,Less than median +52,5720,5,6,1941,1950,676,676,1,676,455,0,1131,0,0,1,1,3,1,5,0,1941,1,200,1,26,0,0,0,0,0,2009,66500,66.5,Less than median +75,9000,8,5,2007,2007,1120,1184,1,1184,1426,0,2610,0,0,2,1,4,1,11,1,2007,2,550,1,208,364,0,0,0,0,2007,303477,303.48,More than median +94,25286,4,5,1963,1963,431,1064,1,1040,0,0,1040,1,0,1,0,3,1,5,0,1963,2,648,1,0,0,0,0,0,0,2007,132250,132.25,Less than median +74,8834,9,5,2004,2005,292,1462,1,1462,762,0,2224,1,0,2,1,4,1,10,1,2004,3,738,1,184,0,0,0,0,0,2009,350000,350,More than median +88,11782,5,7,1961,1995,210,1109,1,1155,0,0,1155,1,0,1,0,3,1,6,0,1987,2,576,1,192,0,0,0,0,0,2010,148000,148,Less than median +-1,7000,5,8,1978,2005,218,864,1,864,0,0,864,1,0,1,0,3,1,6,0,1978,1,336,1,0,0,0,0,0,0,2009,136500,136.5,Less than median +60,7024,5,5,2005,2006,110,1090,1,1090,0,0,1090,1,0,1,1,2,1,5,0,2005,2,450,1,0,49,0,0,0,0,2007,157000,157,Less than median +44,13758,7,5,1990,1991,254,1156,1,1187,530,0,1717,0,0,2,1,3,1,7,1,1990,2,400,1,168,36,0,0,0,0,2007,187500,187.5,More than median +-1,9636,6,5,1992,1993,808,808,1,808,785,0,1593,0,0,2,1,3,1,7,1,1993,2,389,1,342,40,0,0,0,0,2009,178000,178,More than median +60,6204,4,5,1912,1950,795,795,0,954,795,481,2230,1,0,1,0,5,1,10,0,1997,1,440,1,0,188,0,0,0,0,2006,118500,118.5,Less than median +65,7150,5,5,1967,1967,460,892,1,892,0,0,892,0,0,1,0,3,1,5,0,1967,1,288,1,0,0,0,0,0,0,2009,100000,100,Less than median +50,5119,9,5,1999,2000,460,1698,1,1709,0,0,1709,1,0,2,0,2,1,5,1,1999,2,506,1,97,65,0,0,0,0,2008,328900,328.9,More than median +70,8393,5,5,1959,2005,1098,1626,1,1712,0,0,1712,0,0,2,0,4,2,8,0,2005,2,588,1,272,54,0,0,0,0,2006,145000,145,Less than median +59,16466,5,7,1955,1955,816,816,1,872,521,0,1393,0,0,1,1,3,1,8,0,1955,1,300,1,121,0,0,0,265,0,2008,135500,135.5,Less than median +95,15865,8,6,1970,1970,1043,2217,1,2217,0,0,2217,1,0,2,0,4,1,8,1,1970,2,621,1,81,207,0,0,224,0,2007,268000,268,More than median +128,12160,6,4,1953,1953,481,1505,1,1505,0,0,1505,1,0,1,0,2,1,6,1,1953,2,505,1,0,0,0,162,0,0,2009,149500,149.5,Less than median +60,8064,5,7,1949,2006,672,672,1,672,252,0,924,0,0,1,0,3,1,6,1,2003,2,576,1,0,0,0,0,0,0,2007,122900,122.9,Less than median +70,11184,6,5,1978,1978,192,918,1,918,765,0,1683,0,0,2,1,3,1,7,1,1978,2,440,1,243,0,0,0,0,0,2009,172500,172.5,More than median +70,8414,6,8,1963,2003,396,1059,1,1068,0,0,1068,0,1,1,0,3,1,6,0,1963,1,264,1,192,0,0,0,0,0,2006,154500,154.5,Less than median +-1,13284,5,5,1954,1954,319,1383,1,1383,0,0,1383,1,0,1,0,3,1,6,1,1954,1,354,1,511,116,0,0,0,0,2008,165000,165,More than median +64,7018,5,5,1979,1979,0,0,1,1535,0,0,1535,0,0,2,0,4,2,8,0,1979,2,400,1,0,0,0,0,0,0,2009,118858,118.86,Less than median +71,7056,6,5,1963,1963,380,780,1,983,813,0,1796,1,0,1,1,4,1,8,1,1963,2,483,1,0,50,0,0,0,0,2008,140000,140,Less than median +50,8765,4,6,1936,1950,666,951,0,951,0,0,951,0,0,1,0,2,1,6,0,1936,1,327,1,0,28,0,0,0,0,2006,106500,106.5,Less than median +64,7018,5,5,1979,1979,0,0,1,1120,1120,0,2240,0,0,2,0,6,2,12,0,1979,2,528,1,154,0,0,0,0,0,2009,142953,142.95,Less than median +100,12919,9,5,2009,2010,142,2330,1,2364,0,0,2364,1,0,2,1,2,1,11,2,2009,3,820,1,0,67,0,0,0,0,2010,611657,611.66,More than median +65,6993,5,7,1961,1994,447,912,1,1236,0,0,1236,0,0,1,0,3,1,6,1,1961,1,288,1,0,0,0,0,0,0,2006,135000,135,Less than median +-1,7340,4,6,1971,1971,536,858,1,858,0,0,858,0,0,1,0,2,1,4,0,1979,1,684,1,0,0,0,0,0,0,2007,110000,110,Less than median +64,8712,5,7,1957,2000,132,992,1,1306,0,0,1306,1,0,1,0,2,1,5,0,1968,1,756,1,0,0,0,0,0,0,2009,153000,153,Less than median +63,7875,7,5,2003,2003,783,783,1,807,702,0,1509,0,0,2,1,3,1,8,1,2003,2,393,1,0,75,0,0,0,0,2006,180000,180,More than median +50,14859,7,5,2006,2006,1670,1670,1,1670,0,0,1670,0,0,2,0,3,1,7,1,2006,3,690,1,144,60,0,0,0,0,2006,240000,240,More than median +-1,6173,5,6,1967,1967,277,876,1,902,0,0,902,0,0,1,0,3,1,6,0,1967,1,288,1,0,0,0,0,0,0,2007,125500,125.5,Less than median +80,9920,5,5,1954,1954,412,1056,1,1063,0,0,1063,1,0,1,0,3,1,6,0,1954,1,280,1,0,0,164,0,0,0,2010,128000,128,Less than median +116,13501,8,5,2006,2006,1560,1623,1,1636,0,0,1636,1,0,2,0,3,1,8,1,2006,3,865,1,0,60,0,0,0,0,2007,255000,255,More than median +86,11500,7,7,1936,1987,794,1017,1,1020,1037,0,2057,0,0,1,1,3,1,6,1,1936,1,180,1,0,0,0,0,322,0,2006,250000,250,More than median +-1,8885,5,5,1983,1983,239,864,1,902,0,0,902,1,0,1,0,2,1,5,0,1983,2,484,1,164,0,0,0,0,0,2006,131000,131,Less than median +149,12589,6,5,2005,2005,742,742,1,742,742,0,1484,0,0,2,1,3,1,8,1,2005,2,390,1,36,24,0,0,0,0,2009,174000,174,More than median +80,11600,5,5,1960,1960,662,1105,1,1105,1169,0,2274,0,0,2,0,5,2,12,0,1960,2,480,1,0,0,0,0,0,0,2010,154300,154.3,Less than median +-1,9286,5,7,1977,1989,1072,1268,1,1268,0,0,1268,0,0,1,1,3,1,5,0,1978,1,252,1,173,0,0,0,0,0,2009,143500,143.5,Less than median +51,6120,5,7,1925,1950,279,768,0,1015,0,0,1015,0,0,1,0,3,1,6,0,1925,1,450,1,0,0,112,0,120,0,2006,88000,88,Less than median +82,6270,5,6,1949,1950,717,1001,0,1001,1001,0,2002,0,0,2,0,4,2,8,0,1949,3,871,1,0,0,0,0,0,0,2007,145000,145,Less than median +30,3000,6,5,2009,2009,318,612,1,612,612,0,1224,0,0,2,1,2,1,4,0,2009,2,528,1,0,234,0,0,0,0,2009,173733,173.73,More than median +21,2001,4,5,1970,1970,546,546,1,546,546,0,1092,0,0,1,1,3,1,6,0,1970,1,286,1,0,0,0,0,0,0,2007,75000,75,Less than median +50,9000,2,3,1949,1950,430,480,0,480,0,0,480,1,0,0,0,1,1,4,0,1958,1,308,1,0,0,0,0,0,0,2006,35311,35.31,Less than median +-1,17140,4,6,1956,1956,75,1134,1,1229,0,0,1229,0,0,1,0,3,1,6,0,1956,1,284,1,0,0,0,0,0,0,2009,135000,135,Less than median +103,13125,7,5,1991,1991,422,1104,1,912,1215,0,2127,1,0,2,1,4,1,8,1,1991,3,833,1,72,192,224,0,0,0,2007,238000,238,More than median +87,11029,6,8,1958,2002,245,1184,1,1414,0,0,1414,1,0,1,0,3,1,6,1,1990,2,601,1,0,51,0,0,190,0,2008,176500,176.5,More than median +70,8462,6,5,1994,1994,114,928,1,936,785,0,1721,0,1,2,1,3,1,7,0,1994,2,471,1,300,87,0,0,0,0,2007,201000,201,More than median +67,8777,5,7,1900,2003,188,1272,1,1272,928,0,2200,2,0,2,2,4,2,9,0,0,0,0,0,0,70,0,0,0,0,2008,145900,145.9,Less than median +65,10237,6,5,2005,2006,1288,1316,1,1316,0,0,1316,0,0,2,0,3,1,6,1,2005,2,397,1,100,0,0,23,0,0,2006,169990,169.99,More than median +50,8012,6,5,1993,1994,598,1604,1,1617,0,0,1617,1,0,2,0,2,1,5,1,1993,2,533,1,0,69,0,0,0,0,2008,193000,193,More than median +79,10240,6,6,1980,1980,0,1686,1,1686,0,0,1686,1,0,2,0,3,1,7,1,1980,2,612,1,384,131,0,0,0,0,2006,207500,207.5,More than median +-1,15611,5,6,1977,1977,266,1126,1,1126,0,0,1126,0,1,2,0,3,1,6,0,1977,2,540,1,180,0,0,0,0,0,2008,175000,175,More than median +93,11999,8,5,2003,2004,1181,1181,1,1234,1140,0,2374,0,0,2,1,4,1,10,1,2003,3,656,1,104,100,0,0,0,0,2007,285000,285,More than median +-1,9900,7,5,1968,1968,280,832,1,1098,880,0,1978,0,0,2,1,4,1,9,1,1968,2,486,1,0,43,0,0,0,0,2008,176000,176,More than median +-1,11838,8,5,2001,2001,1753,1753,1,1788,0,0,1788,0,0,2,0,3,1,7,1,2001,2,522,1,202,151,0,0,0,0,2009,236500,236.5,More than median +-1,13006,7,5,1997,1997,964,964,1,993,1243,0,2236,0,0,2,1,4,1,8,1,1997,2,642,1,0,0,0,0,0,0,2006,222000,222,More than median +73,8925,8,5,2007,2007,1450,1466,1,1466,0,0,1466,0,0,2,0,3,1,7,0,2007,3,610,1,100,18,0,0,0,0,2009,201000,201,More than median +70,9100,5,6,1965,1965,121,925,1,925,0,0,925,0,1,1,0,2,1,5,0,1965,1,429,1,0,0,0,0,0,0,2009,117500,117.5,Less than median +84,11670,9,5,2006,2006,1905,1905,1,1905,0,0,1905,0,0,2,0,3,1,8,1,2006,3,788,1,0,191,0,0,0,0,2007,320000,320,More than median +63,8487,7,5,2004,2004,1480,1500,1,1500,0,0,1500,0,0,2,0,3,1,6,0,2004,2,570,1,192,36,0,0,0,0,2009,190000,190,More than median +313,27650,7,7,1960,2007,160,585,1,2069,0,0,2069,1,0,2,0,4,1,9,1,1960,2,505,1,0,0,0,0,0,0,2008,242000,242,More than median +52,5825,4,5,1926,1953,600,600,1,747,0,0,747,0,0,1,0,1,1,5,0,1953,2,528,1,0,0,32,0,0,0,2006,79900,79.9,Less than median +67,10083,7,5,2003,2003,343,1176,1,1200,0,0,1200,1,0,2,0,2,1,5,0,2003,2,555,1,0,41,0,0,0,0,2009,184900,184.9,More than median +75,9675,7,5,2005,2005,772,1113,1,1113,858,0,1971,0,0,2,1,3,1,8,1,2005,2,689,1,0,48,0,0,0,0,2009,253000,253,More than median +73,8760,7,5,2006,2006,927,1391,1,1391,571,0,1962,0,0,2,1,3,1,7,0,2006,3,868,1,0,90,0,0,0,0,2006,239799,239.8,More than median +-1,24090,7,7,1940,1950,1032,1032,1,1207,1196,0,2403,0,0,2,0,4,1,10,2,1940,1,349,1,56,0,318,0,0,0,2010,244400,244.4,More than median +55,12640,6,5,1976,1976,396,1728,1,1728,0,0,1728,0,0,2,0,4,2,8,0,1976,2,574,1,40,0,0,0,0,0,2006,150900,150.9,Less than median +-1,8755,7,5,1999,1999,220,992,1,1022,1038,0,2060,1,0,2,1,3,1,8,1,1999,2,390,1,0,0,0,168,0,0,2009,214000,214,More than median +42,7711,4,3,1977,1977,0,1440,1,1440,0,0,1440,2,0,2,0,4,2,8,0,0,0,0,0,321,0,0,0,0,0,2007,150000,150,Less than median +100,25000,5,4,1967,1967,1632,1632,1,1632,0,0,1632,0,0,2,0,4,2,8,0,1967,2,576,1,0,0,0,0,0,0,2007,143000,143,Less than median +-1,14375,6,6,1958,1958,354,819,1,1344,0,0,1344,0,1,1,0,3,1,7,1,1958,2,525,1,0,118,0,0,233,0,2009,137500,137.5,Less than median +98,8820,5,6,1890,1996,0,1088,1,1188,561,120,1869,0,0,1,0,2,1,7,0,1963,2,456,1,48,0,244,0,0,0,2009,124900,124.9,Less than median +70,8163,5,6,1959,1959,102,1144,1,1144,0,0,1144,1,0,1,0,3,1,6,1,1959,1,796,1,86,0,0,0,0,0,2006,143000,143,Less than median +85,14536,8,5,2002,2003,316,1616,1,1629,0,0,1629,1,0,2,0,3,1,9,1,2002,3,808,1,0,252,0,0,0,0,2007,270000,270,More than median +65,14006,7,5,2002,2002,936,936,1,936,840,0,1776,0,0,2,1,3,1,7,1,2002,2,474,1,144,96,0,0,0,0,2006,192500,192.5,More than median +78,9360,6,7,1972,2006,179,1161,1,1381,0,0,1381,1,0,1,1,3,1,5,1,1972,2,676,1,0,0,0,0,0,0,2010,197500,197.5,More than median +60,7200,5,8,1950,2002,317,864,1,864,0,0,864,1,0,1,0,3,1,5,0,1980,2,720,1,194,0,0,0,0,0,2007,129000,129,Less than median +60,7800,5,5,1965,1965,187,828,1,965,0,0,965,1,0,1,0,3,1,6,0,1979,1,300,1,421,0,0,0,0,0,2006,119900,119.9,Less than median +60,7200,5,8,1972,2003,108,768,1,768,0,0,768,0,1,1,0,2,1,5,0,1974,1,396,1,192,0,0,0,0,0,2009,133900,133.9,Less than median +-1,11075,5,4,1969,1969,29,784,1,1168,800,0,1968,0,1,2,1,4,1,7,1,1969,2,530,1,305,189,0,0,0,0,2008,172000,172,More than median +35,9400,6,5,1975,1975,0,945,1,980,0,0,980,0,2,2,0,4,0,4,0,0,0,0,1,0,0,0,0,0,0,2006,127500,127.5,Less than median +82,7136,6,6,1946,1950,495,979,0,979,979,0,1958,0,0,2,0,4,2,8,0,1946,2,492,1,0,0,0,0,0,0,2007,145000,145,Less than median +24,1300,6,6,1980,1980,276,561,1,561,668,0,1229,0,0,1,1,2,1,5,1,1980,2,462,1,150,0,0,0,0,0,2009,124000,124,Less than median +70,7420,5,5,1962,1962,640,1057,1,1057,0,0,1057,0,0,1,0,3,1,6,0,1977,2,576,1,0,0,0,0,0,0,2007,132000,132,Less than median +65,8450,7,5,2003,2003,638,1337,1,1337,0,0,1337,1,0,2,0,3,1,6,0,2003,2,531,1,0,39,0,0,0,0,2007,185000,185,More than median +24,2572,7,5,1999,1999,92,696,1,696,720,0,1416,1,0,2,1,3,1,6,0,1999,2,484,1,0,44,0,0,0,0,2010,155000,155,Less than median +50,7207,5,7,1958,2008,162,858,1,858,0,0,858,1,0,1,0,2,1,4,0,0,0,0,1,117,0,0,0,0,0,2010,116500,116.5,Less than median +-1,12227,6,7,1977,1995,434,1330,1,1542,1330,0,2872,1,0,2,1,4,1,11,1,1977,2,619,1,550,282,0,0,0,0,2008,272000,272,More than median +24,2308,6,6,1976,1976,248,804,1,804,744,0,1548,1,0,2,1,3,1,7,1,1976,2,440,1,48,0,0,0,0,0,2007,155000,155,Less than median +122,11923,9,5,2007,2007,1800,1800,1,1800,0,0,1800,0,0,2,0,2,1,7,0,2007,2,702,1,288,136,0,0,0,0,2009,239000,239,More than median +80,11316,7,5,2002,2003,193,817,1,824,1070,0,1894,1,0,2,1,4,1,8,1,2002,2,510,1,0,40,0,0,0,0,2010,214900,214.9,More than median +65,10237,6,5,2005,2007,783,783,1,783,701,0,1484,0,0,2,1,3,1,8,1,2005,2,393,1,0,72,0,0,0,0,2007,178900,178.9,More than median +130,9600,5,7,1940,1950,300,728,1,976,332,0,1308,1,0,1,1,2,1,7,2,1940,1,256,1,0,70,0,0,0,0,2009,160000,160,Less than median +-1,7390,5,7,1955,1955,196,1098,1,1098,0,0,1098,1,0,1,0,3,1,6,0,1955,1,260,1,0,0,0,0,0,0,2008,135000,135,Less than median +50,5925,3,6,1910,1950,600,600,0,600,368,0,968,0,0,1,0,2,1,6,0,0,0,0,1,0,0,0,0,0,0,2009,37900,37.9,Less than median +75,10382,6,5,1958,1958,75,588,1,1095,0,0,1095,1,0,1,0,2,1,6,0,1958,1,264,1,0,0,0,0,0,0,2006,140000,140,Less than median +60,10800,4,4,1949,1950,720,720,0,720,472,0,1192,0,0,1,1,4,1,6,0,0,0,0,1,0,0,0,0,0,0,2006,135000,135,Less than median +36,2268,7,5,2003,2004,197,764,1,764,862,0,1626,0,0,2,0,2,1,6,0,2003,2,474,1,0,27,0,0,0,0,2009,173000,173,More than median +55,7892,6,5,1979,1979,918,918,1,918,0,0,918,0,0,2,0,2,1,5,1,1979,1,264,1,28,0,0,0,0,0,2010,99500,99.5,Less than median +95,11639,7,5,2007,2008,1428,1428,1,1428,0,0,1428,0,0,2,0,3,1,6,0,2007,2,480,1,0,120,0,0,0,0,2008,182000,182,More than median +60,11414,7,8,1910,1993,728,728,0,1136,883,0,2019,0,0,1,0,3,1,8,0,1997,2,532,1,509,135,0,0,0,0,2009,167500,167.5,More than median +-1,2651,7,5,2000,2000,32,673,1,673,709,0,1382,1,0,2,1,3,1,6,0,2000,2,490,1,153,50,0,0,0,0,2006,165000,165,More than median +51,5900,4,7,1923,1958,440,440,1,869,0,0,869,0,0,1,0,2,1,4,0,0,0,0,1,0,0,0,0,0,0,2006,85500,85.5,Less than median +35,4274,7,5,2006,2007,135,1241,1,1241,0,0,1241,1,0,1,1,1,1,4,0,2007,2,569,1,0,116,0,0,0,0,2007,199900,199.9,More than median +68,9450,4,5,1954,1954,342,894,1,894,0,0,894,0,0,1,0,3,1,5,0,1999,2,400,1,0,0,0,0,0,0,2007,110000,110,Less than median +80,8816,5,6,1963,1963,470,1121,1,1121,0,0,1121,1,0,1,0,3,1,5,0,1963,2,480,1,0,80,0,0,0,0,2009,139000,139,Less than median +-1,12122,7,9,1961,2007,77,944,1,999,0,0,999,1,0,1,0,3,1,6,0,1961,2,588,1,144,76,0,0,0,0,2008,178400,178.4,More than median +98,12203,8,5,1998,1999,371,1225,1,1276,1336,0,2612,1,0,2,1,4,1,8,1,1998,3,676,1,250,0,0,0,0,0,2009,336000,336,More than median +43,3182,7,5,2007,2007,1266,1266,1,1266,0,0,1266,0,0,2,0,2,1,6,1,2007,2,388,1,100,16,0,0,0,0,2008,159895,159.9,Less than median +-1,11250,8,5,2002,2002,1128,1128,1,1149,1141,0,2290,0,0,2,1,4,1,9,1,2002,2,779,1,0,0,0,0,0,0,2008,255900,255.9,More than median +75,10125,5,5,1977,1977,0,0,1,1302,432,0,1734,0,0,2,0,4,2,8,0,1977,2,539,1,0,0,0,0,0,0,2009,126000,126,Less than median +68,10880,5,5,1950,1950,124,1164,0,1164,0,0,1164,1,0,1,0,3,1,5,0,1950,1,240,1,0,48,0,0,0,0,2008,125000,125,Less than median +59,5310,6,8,1910,2003,485,485,1,1001,634,0,1635,0,0,1,0,2,1,5,0,1950,1,255,1,394,0,0,0,0,0,2006,117000,117,Less than median +83,10159,9,5,2009,2010,284,1930,1,1940,0,0,1940,1,0,2,1,3,1,8,1,2010,3,606,1,168,95,0,0,0,0,2010,395192,395.19,More than median +-1,12046,6,6,1976,1976,692,848,1,1118,912,0,2030,0,0,2,1,4,1,8,1,1976,2,551,1,0,224,0,0,0,0,2007,195000,195,More than median +65,8125,7,5,2006,2006,770,770,1,778,798,0,1576,0,0,2,1,3,1,6,0,2006,2,614,1,0,50,0,0,0,0,2006,197000,197,More than median +82,9452,8,5,1997,1998,322,1396,1,1407,985,0,2392,1,0,2,1,3,1,7,1,1997,3,870,1,0,70,0,0,0,0,2006,348000,348,More than median +121,17671,8,9,1882,1986,700,916,1,916,826,0,1742,0,0,1,1,4,1,8,1,1925,2,424,1,0,169,0,0,0,0,2009,168000,168,More than median +80,9760,6,8,1964,1993,169,822,1,1020,831,0,1851,0,0,2,1,3,1,7,1,1964,2,440,1,239,42,0,0,0,0,2007,187000,187,More than median +68,8846,6,5,2005,2006,750,750,1,750,750,0,1500,0,0,2,1,3,1,6,0,2005,2,564,1,0,35,0,0,0,0,2006,173900,173.9,More than median +96,12456,10,5,2006,2007,528,1700,1,1718,0,0,1718,1,0,2,0,3,1,7,1,2008,3,786,1,216,48,0,0,0,0,2009,337500,337.5,More than median +51,4712,4,7,1946,1950,363,747,1,774,456,0,1230,1,0,1,1,3,1,5,0,1946,1,305,1,0,57,0,0,63,0,2006,121600,121.6,Less than median +-1,10659,5,6,1961,1961,135,1050,1,1050,0,0,1050,1,0,1,0,3,1,6,0,1961,1,368,1,0,319,0,0,0,0,2006,136500,136.5,Less than median +-1,11717,6,6,1970,1970,1442,1442,1,1442,0,0,1442,0,0,2,0,2,1,6,1,1970,2,615,1,371,0,0,0,0,0,2009,185000,185,More than median +60,9786,3,4,1922,1950,1007,1007,0,1077,0,0,1077,0,0,1,0,3,1,6,1,1922,1,210,1,0,100,48,0,0,0,2006,91000,91,Less than median +64,6762,7,5,2006,2006,501,1187,1,1208,0,0,1208,1,0,2,0,2,1,6,0,2006,2,632,1,105,61,0,0,0,0,2010,206000,206,More than median +74,10206,3,3,1952,1952,0,0,0,944,0,0,944,0,0,1,0,2,1,4,0,1956,2,528,1,0,0,0,0,0,0,2009,82000,82,Less than median +60,5400,5,6,1920,1950,691,691,1,691,0,0,691,0,0,1,0,2,1,4,0,1920,1,216,0,0,20,94,0,0,0,2007,86000,86,Less than median +75,11957,8,5,2006,2006,1550,1574,1,1574,0,0,1574,0,0,2,0,3,1,7,1,2006,3,824,1,144,104,0,0,0,0,2008,232000,232,More than median +-1,11500,5,6,1976,1976,1680,1680,1,1680,0,0,1680,0,0,2,0,4,2,8,0,1976,2,528,1,0,0,0,0,0,0,2007,136905,136.91,Less than median +43,3182,7,5,2005,2006,1330,1346,1,1504,0,0,1504,0,0,2,0,1,1,7,1,2005,2,457,1,156,0,0,0,0,0,2009,181000,181,More than median +65,8385,5,8,1977,1977,390,985,1,985,0,0,985,0,0,2,0,3,1,6,0,1977,1,328,1,210,0,0,0,0,0,2008,149900,149.9,Less than median +-1,12155,6,3,1970,1970,420,1657,1,1657,0,0,1657,0,1,2,0,3,1,7,1,1970,2,484,1,0,0,0,0,147,0,2007,163500,163.5,More than median +21,2217,4,4,1970,1970,0,546,1,546,546,0,1092,0,0,1,1,3,1,6,0,1970,1,286,1,238,0,0,0,0,0,2009,88000,88,Less than median +43,12118,7,5,2004,2005,1710,1710,1,1710,0,0,1710,0,0,2,0,3,1,7,1,2004,2,550,1,100,48,0,0,180,0,2009,240000,240,More than median +60,6000,5,5,1926,1950,1008,1008,1,1008,0,514,1522,0,0,2,0,4,1,7,0,0,0,0,1,0,0,138,0,0,0,2006,102000,102,Less than median +115,21286,5,5,1948,1950,720,720,1,720,551,0,1271,0,0,2,0,4,1,7,1,1948,1,312,1,0,0,108,0,0,0,2008,135000,135,Less than median +75,9825,5,5,1965,1965,0,0,0,1664,0,0,1664,0,0,2,0,4,2,8,0,0,0,0,1,0,0,0,0,0,0,2010,100000,100,Less than median +55,10592,6,7,1923,1996,602,602,1,900,602,0,1502,0,0,1,1,3,1,7,2,1923,1,180,1,96,0,112,0,53,0,2007,165000,165,More than median +60,7200,5,4,1910,2006,310,1022,0,1022,0,0,1022,1,0,1,0,2,1,4,0,1956,1,280,1,0,30,226,0,0,0,2009,85000,85,Less than median +60,11664,6,5,1948,1950,746,1082,1,1082,0,0,1082,0,0,1,0,2,1,5,1,1948,1,240,1,0,130,0,0,0,0,2007,119200,119.2,Less than median +70,8400,8,6,2001,2001,167,810,1,810,855,0,1665,1,0,2,1,3,1,6,0,2001,2,528,1,0,45,0,0,0,0,2009,227000,227,More than median +73,11883,7,5,1996,1996,814,1504,1,1504,0,0,1504,1,0,2,0,3,1,6,1,1996,2,478,1,115,66,0,0,0,0,2009,203000,203,More than median +-1,5814,8,5,1984,1984,184,1220,1,1360,0,0,1360,1,0,1,0,1,1,4,1,1984,2,565,1,63,0,0,0,0,0,2009,187500,187.5,More than median +-1,10784,7,5,1991,1992,384,384,1,802,670,0,1472,0,0,2,1,3,1,7,1,1991,2,402,1,164,0,0,0,0,0,2007,160000,160,Less than median +43,3013,7,5,2005,2005,1346,1362,1,1506,0,0,1506,0,0,2,0,2,1,6,1,2005,2,440,1,142,20,0,0,0,0,2006,213490,213.49,More than median +60,7024,4,5,2005,2005,108,1132,1,1132,0,0,1132,1,0,1,1,2,1,5,0,2005,2,451,1,252,64,0,0,0,0,2008,176000,176,More than median +64,7406,7,5,2006,2006,515,1199,1,1220,0,0,1220,1,0,2,0,2,1,6,0,2006,2,632,1,105,54,0,0,0,0,2006,194000,194,More than median +52,9439,5,5,1930,1950,588,912,1,912,336,0,1248,0,0,1,0,2,1,6,0,1957,1,160,1,0,0,192,0,0,0,2007,87000,87,Less than median +43,3182,7,5,2005,2006,1330,1346,1,1504,0,0,1504,0,0,2,0,2,1,7,1,2005,2,437,1,156,20,0,0,0,0,2008,191000,191,More than median +-1,15498,8,6,1976,1976,0,1565,1,2898,0,0,2898,1,0,2,0,2,1,10,1,1976,2,665,1,0,72,174,0,0,0,2008,287000,287,More than median +70,7700,5,5,1972,1972,276,882,1,882,0,0,882,1,0,1,0,3,1,5,0,1980,2,461,1,96,0,0,0,0,0,2007,112500,112.5,Less than median +73,9300,5,5,1960,1960,571,1268,1,1264,0,0,1264,1,0,1,0,3,1,6,2,1960,2,461,1,0,0,0,0,143,0,2010,167500,167.5,More than median +71,9520,8,5,2007,2008,125,1638,1,1646,0,0,1646,1,0,2,0,3,1,7,1,2008,3,800,1,192,44,0,0,0,0,2008,293077,293.08,More than median +79,9492,5,5,1941,1950,359,768,1,968,408,0,1376,1,0,1,0,3,1,6,1,1941,1,240,1,0,0,0,0,0,0,2007,105000,105,Less than median +21,1680,6,7,1972,1972,355,672,1,672,546,0,1218,0,1,1,1,3,1,7,0,1972,1,264,1,0,28,0,0,0,0,2006,118000,118,Less than median +-1,7082,5,8,1916,1995,686,686,1,948,980,0,1928,0,0,2,0,5,2,10,0,0,0,0,0,0,0,228,0,0,0,2006,160000,160,Less than median +102,15863,7,3,1920,1970,301,824,1,1687,998,397,3082,1,0,2,1,5,1,12,2,1970,2,672,1,136,63,0,0,0,0,2009,197000,197,More than median +-1,14541,8,7,1993,1993,326,1338,1,1352,1168,0,2520,1,0,2,1,5,1,10,1,1993,3,796,1,209,55,0,0,0,0,2006,310000,310,More than median +-1,8125,7,5,2002,2002,668,1654,1,1654,0,0,1654,1,0,2,0,3,1,6,0,2002,3,900,1,0,136,0,0,0,0,2006,230000,230,More than median +50,6305,5,7,1938,1950,920,920,1,954,0,0,954,0,0,1,0,2,1,5,1,1938,1,240,1,0,0,0,0,0,0,2007,119750,119.75,Less than median +-1,11500,4,3,1957,1957,0,0,0,845,0,0,845,0,0,1,0,3,1,5,0,1957,1,290,0,186,0,0,0,0,0,2009,84000,84,Less than median +89,12898,9,5,2007,2008,598,1620,1,1620,0,0,1620,1,0,2,0,2,1,6,1,2008,3,912,1,228,0,0,0,0,0,2009,315500,315.5,More than median +-1,9240,8,5,2001,2002,1055,1055,1,1055,1208,0,2263,0,0,2,1,3,1,7,1,2001,2,905,1,0,45,0,0,189,0,2008,287000,287,More than median +21,1533,4,6,1970,2008,546,546,1,798,546,0,1344,0,0,1,1,3,1,6,1,0,0,0,1,0,0,0,0,0,0,2009,97000,97,Less than median +21,1477,4,4,1970,1970,121,630,1,630,0,0,630,1,0,1,0,1,1,3,0,1970,1,286,1,0,0,0,0,0,0,2009,80000,80,Less than median +88,13125,5,4,1957,2000,284,1134,1,1803,0,0,1803,1,0,2,0,3,1,8,1,1957,2,484,1,0,0,0,0,0,0,2006,155000,155,Less than median +-1,9130,6,8,1966,2000,336,800,1,800,832,0,1632,0,1,1,1,4,1,7,0,1966,2,484,1,0,40,0,0,0,0,2008,173000,173,More than median +34,5381,6,5,2005,2005,406,1306,1,1306,0,0,1306,1,0,2,0,1,1,5,1,2005,2,624,1,170,63,0,0,0,0,2009,196000,196,More than median +86,11839,7,5,1990,1990,390,1475,1,1532,797,0,2329,1,0,2,1,4,1,10,1,1990,2,514,1,192,121,0,0,0,0,2008,262280,262.28,More than median +80,9600,8,5,1981,1981,1420,2524,1,2524,0,0,2524,1,0,2,1,4,1,9,1,1981,2,542,1,474,120,0,0,0,0,2009,278000,278,More than median +-1,13680,3,5,1955,1955,0,0,1,1733,0,0,1733,0,0,2,0,4,1,8,1,1955,2,452,1,0,0,0,0,0,0,2009,139600,139.6,Less than median +85,16056,9,5,2005,2006,1752,1992,1,1992,876,0,2868,0,0,3,1,4,1,11,1,2005,3,716,1,214,108,0,0,0,0,2006,556581,556.58,More than median +57,9245,5,5,1994,1995,304,990,1,990,0,0,990,0,1,1,0,3,1,5,0,1996,2,672,1,0,0,0,0,0,0,2008,145000,145,Less than median +100,21750,5,4,1960,2006,0,0,1,1771,0,0,1771,0,0,1,0,3,1,9,1,1960,2,336,1,0,0,0,0,0,0,2009,115000,115,Less than median +60,11100,4,7,1946,2006,0,0,1,930,0,0,930,0,0,1,0,2,1,6,0,1946,1,308,1,0,0,0,0,0,0,2010,84900,84.9,Less than median +73,8993,7,5,2007,2007,1302,1302,1,1302,0,0,1302,0,0,2,0,3,1,6,0,2007,2,436,1,0,22,0,0,0,0,2007,176485,176.49,More than median +103,11175,7,5,2007,2007,1316,1316,1,1316,0,0,1316,0,0,2,0,3,1,6,1,2007,2,440,1,0,20,0,0,0,0,2007,200141,200.14,More than median +100,9500,6,6,1964,1978,374,816,1,1127,850,0,1977,0,1,1,1,4,1,9,1,1964,2,540,1,0,52,0,0,0,0,2007,165000,165,More than median +68,8562,5,6,1957,2002,833,1216,1,1526,0,0,1526,0,0,1,0,4,1,7,1,1957,1,364,1,116,78,0,0,0,0,2010,144500,144.5,Less than median +90,11367,8,5,2002,2002,133,1065,1,1091,898,0,1989,1,0,2,1,3,1,7,1,2002,2,586,1,199,60,0,0,0,0,2006,255000,255,More than median +104,11361,6,5,1976,1976,549,1193,1,1523,0,0,1523,0,1,2,0,3,1,7,1,1976,2,478,1,0,0,0,0,189,0,2008,180000,180,More than median +43,7052,7,5,2005,2005,705,1364,1,1364,0,0,1364,1,0,2,0,2,1,6,1,2005,2,484,1,192,36,0,0,0,0,2006,185850,185.85,More than median +-1,29959,7,6,1994,1994,378,973,1,979,871,0,1850,0,0,2,1,3,1,7,1,1994,2,467,1,168,98,0,0,0,0,2009,248000,248,More than median +96,11308,9,5,2008,2008,168,1104,1,1130,1054,0,2184,1,0,2,1,3,1,10,1,2008,3,836,1,0,102,0,0,0,0,2009,335000,335,More than median +-1,11275,6,7,1932,1950,0,854,1,1096,895,0,1991,0,0,1,1,3,1,7,1,1977,2,432,1,0,0,19,0,0,0,2007,220000,220,More than median +41,4920,8,5,2001,2001,722,1338,1,1338,0,0,1338,1,0,2,0,2,1,6,0,2001,2,582,1,0,0,170,0,0,0,2010,213500,213.5,More than median +120,18000,3,4,1935,1950,894,894,1,894,0,0,894,0,0,1,0,2,1,6,0,1994,3,1248,1,0,20,0,0,0,0,2008,81000,81,Less than median +85,13600,5,5,1900,1950,662,662,0,1422,915,0,2337,0,0,2,0,5,2,10,0,1945,2,560,1,0,57,0,0,0,0,2007,90000,90,Less than median +50,6000,6,6,1925,1980,706,1103,1,1103,0,0,1103,0,0,1,0,2,1,5,1,1976,2,440,1,166,120,0,0,0,0,2006,110500,110.5,Less than median +-1,11000,5,6,1966,1966,184,1154,1,1154,0,0,1154,0,0,1,1,3,1,6,1,1966,2,480,1,0,58,0,0,0,0,2009,154000,154,Less than median +80,14000,7,5,1996,1997,105,1306,1,1306,954,0,2260,1,0,2,1,3,1,7,0,1996,2,533,1,296,44,0,0,0,0,2010,328000,328,More than median +59,7837,6,7,1993,1994,799,799,1,799,772,0,1571,0,0,2,1,3,1,7,1,1993,2,380,1,0,40,0,0,0,0,2009,178000,178,More than median +80,9760,6,6,1964,1964,0,780,1,798,813,0,1611,1,0,1,1,4,1,7,0,1964,2,442,1,328,128,0,0,189,0,2008,167900,167.9,More than median +42,3964,6,4,1973,1973,105,942,1,1291,1230,0,2521,1,0,2,1,5,1,10,1,1973,2,576,1,728,20,0,0,0,0,2006,151400,151.4,Less than median +60,9600,5,7,1949,2003,625,845,1,893,0,0,893,0,1,1,0,2,1,4,0,1985,2,576,1,0,0,0,0,0,0,2007,135000,135,Less than median +72,10152,5,5,1956,1956,462,1048,1,1048,0,0,1048,1,0,1,0,3,1,6,0,1956,1,286,1,0,20,0,0,192,0,2007,135000,135,Less than median +78,11700,6,6,1968,1968,429,727,1,829,727,0,1556,0,0,1,1,4,1,8,0,1968,2,441,1,0,0,0,0,0,0,2009,154000,154,Less than median +50,7585,5,3,1948,1950,810,810,1,1002,454,0,1456,1,1,1,0,4,1,7,1,1954,1,280,1,0,0,0,0,0,0,2006,91500,91.5,Less than median +75,7950,6,6,1977,1977,155,690,1,698,728,0,1426,0,0,1,1,3,1,6,0,1977,2,440,1,252,0,0,0,0,0,2009,159500,159.5,Less than median +74,8556,7,5,2006,2006,1240,1240,1,1240,0,0,1240,0,0,2,0,2,1,5,0,2006,3,826,1,140,93,0,0,0,0,2007,194000,194,More than median +75,13125,7,6,1940,1984,390,800,1,960,780,0,1740,0,0,1,1,3,1,6,2,1940,1,240,1,0,0,0,0,0,0,2007,219500,219.5,More than median +60,10800,5,8,1936,1989,170,796,1,1096,370,0,1466,0,1,2,0,3,1,7,1,1950,2,566,1,436,21,0,0,0,0,2006,170000,170,More than median +-1,15870,5,5,1969,1969,230,1096,1,1096,0,0,1096,1,0,1,0,3,1,6,0,1969,1,299,1,240,32,0,0,0,0,2006,138800,138.8,Less than median +37,4435,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,140,0,0,0,0,0,2006,155900,155.9,Less than median +65,8775,5,5,1994,1994,495,990,1,990,0,0,990,0,0,1,0,3,1,5,0,1996,1,299,1,0,64,0,0,0,0,2007,126000,126,Less than median +80,11040,6,7,1971,2004,602,1258,1,1258,0,0,1258,0,1,2,0,3,1,5,0,1971,2,528,1,55,0,0,216,0,0,2008,145000,145,Less than median +75,7500,5,5,1963,1963,216,1040,1,1040,0,0,1040,1,0,1,1,3,1,5,0,1963,1,308,1,0,0,220,0,0,0,2010,133000,133,Less than median +70,8749,7,5,2002,2002,1459,1459,1,1459,0,0,1459,0,0,2,0,3,1,6,1,2002,2,527,1,192,39,0,0,0,0,2007,192000,192,More than median +80,8800,6,6,1964,1964,698,1251,1,1251,0,0,1251,1,0,1,0,3,1,6,2,1964,1,461,1,0,116,0,0,0,0,2006,160000,160,Less than median +-1,13031,6,5,1995,1996,99,691,1,691,807,0,1498,0,0,2,1,3,1,6,1,1995,2,409,1,315,44,0,0,0,0,2006,187500,187.5,More than median +73,9069,6,6,1992,1992,189,936,1,996,0,0,996,1,0,1,0,2,1,5,0,1992,2,564,1,120,0,0,0,0,0,2010,147000,147,Less than median +-1,1974,4,5,1973,1973,212,546,1,546,546,0,1092,0,0,1,1,3,1,6,0,1973,1,286,1,120,96,0,0,0,0,2010,83500,83.5,Less than median +85,10574,8,5,2005,2006,1082,1082,1,1082,871,0,1953,0,0,2,1,3,1,9,1,2005,3,1043,1,160,50,0,0,0,0,2009,252000,252,More than median +24,2522,7,5,2004,2004,970,970,1,970,739,0,1709,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,137500,137.5,Less than median +37,3316,8,5,2005,2005,208,1247,1,1247,0,0,1247,1,0,1,1,1,1,4,1,2005,2,550,1,0,84,0,0,0,0,2006,197000,197,More than median +60,8544,3,4,1950,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1987,2,400,1,0,0,0,0,0,0,2009,92900,92.9,Less than median +24,2160,7,5,1999,2000,90,600,1,624,628,0,1252,1,0,2,1,2,1,4,0,1999,2,462,1,0,48,0,0,0,0,2008,160000,160,Less than median +60,8400,6,5,1925,1950,758,1181,1,1390,304,0,1694,0,0,2,0,4,1,7,1,1925,2,576,1,342,0,128,0,0,0,2008,136500,136.5,Less than median +71,9230,5,8,1965,1998,203,864,1,1200,0,0,1200,1,0,1,1,1,1,6,0,1977,2,884,1,0,64,0,0,0,0,2006,146000,146,Less than median +74,5868,5,7,1956,2000,448,936,1,936,0,0,936,1,0,1,0,2,1,4,0,1956,1,308,1,0,0,80,0,160,0,2010,129000,129,Less than median +78,9317,6,5,2006,2006,1290,1314,1,1314,0,0,1314,0,0,2,0,3,1,6,1,2006,2,440,1,0,22,0,0,0,0,2007,176432,176.43,More than median +60,6882,6,7,1914,2006,684,684,1,773,582,0,1355,0,0,1,1,3,1,7,0,0,0,0,1,136,0,115,0,0,0,2007,127000,127,Less than median +-1,3696,8,5,1986,1986,1074,1074,1,1088,0,0,1088,0,0,1,1,2,1,5,0,1987,2,461,1,0,74,137,0,0,0,2007,170000,170,More than median +50,6000,4,6,1936,1950,0,672,1,757,567,0,1324,0,0,1,0,3,1,6,0,1936,1,240,1,0,0,0,0,0,0,2009,128000,128,Less than median +82,11880,7,5,1978,1978,567,1271,1,1601,0,0,1601,0,0,2,0,3,1,7,1,1978,2,478,1,0,0,0,0,0,0,2009,157000,157,Less than median +60,8400,2,5,1920,1950,0,290,0,438,0,0,438,0,0,1,0,1,1,3,0,1930,1,246,0,0,0,0,0,0,0,2009,60000,60,Less than median +61,9758,5,5,1971,1971,251,950,1,950,0,0,950,0,0,1,0,3,1,5,0,1981,1,280,1,0,0,0,0,0,0,2007,119500,119.5,Less than median +70,7000,5,7,1960,2002,422,1010,1,1134,0,0,1134,0,0,1,0,2,1,6,0,1960,1,254,1,0,16,0,0,0,0,2007,135000,135,Less than median +79,8910,6,6,1959,1959,0,655,1,1194,0,0,1194,0,1,1,0,3,1,6,1,1954,2,539,1,0,0,192,0,0,0,2006,159500,159.5,Less than median +24,2016,5,5,1970,1970,630,630,1,630,672,0,1302,0,0,2,1,3,1,6,0,1970,2,440,1,0,0,0,0,0,0,2007,106000,106,Less than median +98,12256,8,5,1994,1995,431,1463,1,1500,1122,0,2622,1,0,2,1,3,1,9,2,1994,2,712,1,186,32,0,0,0,0,2010,325000,325,More than median +114,10357,7,5,1990,1991,172,910,1,1442,0,0,1442,1,0,2,0,3,1,6,1,1990,2,719,1,0,244,0,0,0,0,2007,179900,179.9,More than median +168,23257,7,5,2006,2006,868,868,1,887,1134,0,2021,0,0,2,1,3,1,9,1,2006,2,422,1,0,100,0,0,0,0,2006,274725,274.73,More than median +-1,8063,6,5,2000,2000,924,924,1,948,742,0,1690,0,0,2,1,3,1,7,1,2000,2,463,1,100,48,0,0,0,0,2007,181000,181,More than median +107,11362,8,5,2004,2005,797,1836,1,1836,0,0,1836,1,0,2,0,3,1,7,1,2004,3,862,1,125,185,0,0,0,0,2009,280000,280,More than median +-1,8000,6,5,1995,1996,554,773,1,773,885,0,1658,1,0,2,1,3,1,8,1,1995,2,431,1,224,84,0,0,0,0,2008,188000,188,More than median +80,10480,7,6,1976,1976,400,803,1,1098,866,0,1964,0,0,2,1,4,1,8,1,1976,2,483,1,0,69,0,0,0,0,2008,205000,205,More than median +73,7100,5,7,1957,1957,108,816,1,816,0,0,816,1,0,1,0,2,1,5,0,1957,1,308,1,0,0,0,0,0,0,2006,129900,129.9,Less than median +66,8923,5,7,1953,2006,365,1008,1,1008,0,0,1008,1,0,1,0,2,1,6,0,1953,1,240,1,0,18,0,0,0,0,2007,134500,134.5,Less than median +90,5400,5,7,1954,2000,418,833,1,833,0,0,833,0,0,1,0,2,1,4,0,1955,1,326,1,0,0,0,0,0,0,2006,117000,117,Less than median +93,12085,8,5,2007,2007,730,1734,1,1734,0,0,1734,1,0,2,0,3,1,7,1,2007,3,928,1,0,0,0,0,0,0,2007,318000,318,More than median +-1,7750,8,5,2002,2002,55,408,1,779,640,0,1419,1,0,2,1,3,1,7,1,2002,2,527,1,120,0,0,0,0,0,2009,184100,184.1,More than median +57,9764,5,7,1967,2003,192,894,1,894,0,0,894,1,0,1,0,3,1,5,0,1967,2,450,1,0,0,0,0,0,0,2008,130000,130,Less than median +85,13825,5,6,1958,1987,533,533,1,1021,580,0,1601,0,1,1,0,3,1,6,0,1958,1,300,1,280,34,0,0,0,0,2008,140000,140,Less than median +70,7560,5,5,1959,1959,671,1040,1,1040,0,0,1040,0,0,1,0,3,1,6,0,1959,1,286,1,140,0,252,0,0,0,2006,133700,133.7,Less than median +59,8263,6,5,1920,1950,1012,1012,1,1012,0,0,1012,0,0,1,0,2,1,6,1,1920,1,308,1,0,22,112,0,0,0,2007,118400,118.4,Less than median +84,10084,7,5,2005,2006,1528,1552,1,1552,0,0,1552,0,0,2,0,3,1,7,0,2005,3,782,1,144,20,0,0,0,0,2006,212900,212.9,More than median +-1,8926,4,3,1956,1956,672,672,1,960,0,0,960,0,0,1,0,3,1,5,0,1956,1,288,1,64,0,0,0,160,0,2009,112000,112,Less than median +50,9405,5,9,1947,2008,698,698,1,698,0,0,698,0,1,1,0,2,1,4,0,0,0,0,1,0,200,0,0,0,0,2009,118000,118,Less than median +-1,9125,7,5,1992,1992,384,384,1,812,670,0,1482,0,0,2,1,3,1,7,1,1992,2,392,1,100,25,0,0,0,0,2007,163900,163.9,More than median +60,10434,4,5,1955,1955,1005,1005,1,1005,0,0,1005,0,0,1,0,2,1,5,1,1977,2,672,1,0,0,0,0,0,0,2009,115000,115,Less than median +53,3684,7,5,2007,2007,1373,1373,1,1555,0,0,1555,0,0,2,0,2,1,7,1,2007,3,660,1,143,20,0,0,0,0,2009,174000,174,More than median +182,14572,7,5,2004,2004,230,1530,1,1530,0,0,1530,1,0,2,0,3,1,7,1,2004,3,630,1,144,36,0,0,0,0,2007,259000,259,More than median +59,11796,7,5,2004,2005,847,847,1,847,1112,0,1959,0,0,2,1,4,1,8,1,2004,2,434,1,100,48,0,0,0,0,2007,215000,215,More than median +60,7200,5,5,1980,1980,0,936,1,936,0,0,936,1,0,1,0,2,1,4,0,1980,2,672,1,49,0,0,0,0,0,2007,140000,140,Less than median +65,7804,4,3,1928,1950,500,1122,1,1328,653,0,1981,1,0,2,0,4,1,7,2,1981,2,576,1,431,44,0,0,0,0,2009,135000,135,Less than median +63,10712,5,5,1991,1992,762,974,1,974,0,0,974,0,0,1,0,3,1,5,0,0,0,0,1,0,28,0,0,0,0,2007,93500,93.5,Less than median +90,9900,6,4,1880,1950,1008,1008,1,1178,1032,0,2210,0,0,2,0,5,1,8,0,1930,1,205,0,0,48,0,0,0,0,2007,117500,117.5,Less than median +80,9828,8,5,1995,1995,544,1128,1,1142,878,0,2020,0,0,2,1,3,1,8,1,1995,2,466,1,0,155,0,0,0,0,2009,239500,239.5,More than median +57,8773,6,5,1997,1997,916,916,1,916,684,0,1600,0,0,2,1,3,1,7,1,1997,2,460,1,100,38,0,0,0,0,2007,169000,169,More than median +60,6180,6,5,1926,1950,960,960,0,986,0,0,986,0,0,1,0,2,1,5,1,1926,1,180,1,0,128,0,0,0,0,2007,102000,102,Less than median +80,9600,6,5,1950,1950,752,1032,1,1032,220,0,1252,0,0,1,0,3,1,6,0,1950,1,288,1,0,0,96,0,0,0,2008,119000,119,Less than median +54,6342,5,8,1875,1996,780,780,0,780,240,0,1020,0,0,1,0,2,1,6,0,0,0,0,0,0,0,176,0,0,0,2010,94000,94,Less than median +-1,9819,6,5,1977,1977,0,1567,1,1567,0,0,1567,1,0,2,0,2,1,5,2,1977,2,714,1,264,32,0,0,0,0,2009,196000,196,More than median +98,8731,5,5,1920,1950,270,915,1,1167,0,0,1167,0,0,1,0,3,1,6,1,1972,2,495,1,0,0,216,0,126,0,2007,144000,144,Less than median +60,7350,5,7,1951,1951,100,952,1,952,0,0,952,1,0,1,0,2,1,4,0,1988,2,840,1,0,0,0,0,0,0,2008,139000,139,Less than median +-1,10304,5,7,1976,1976,399,780,1,1088,780,0,1868,1,0,2,1,4,1,9,1,1976,2,484,1,448,96,0,0,0,0,2009,197500,197.5,More than median +77,9965,8,5,2006,2007,316,1466,1,1466,1362,0,2828,1,0,3,0,4,1,11,1,2006,3,1052,1,125,144,0,0,0,0,2007,424870,424.87,More than median +-1,9000,5,3,1959,1959,718,1006,1,1006,0,0,1006,0,0,1,0,3,1,5,0,0,0,0,1,0,24,0,0,0,0,2008,80000,80,Less than median +60,12180,4,4,1941,1950,324,672,0,672,252,0,924,1,0,1,0,2,1,5,0,1941,1,280,1,0,0,0,0,0,0,2010,80000,80,Less than median +52,6240,5,6,1928,1950,1042,1042,1,1042,534,0,1576,0,0,1,0,3,1,8,1,1928,1,225,1,0,0,0,0,0,0,2006,149000,149,Less than median +-1,11200,6,5,1985,1985,40,1298,1,1298,0,0,1298,1,0,2,0,3,1,5,1,1985,2,403,1,165,26,0,0,0,0,2006,180000,180,More than median +75,12000,7,7,1941,1950,429,704,1,860,704,0,1564,0,0,1,1,3,1,7,1,1941,1,234,1,0,0,0,0,0,0,2009,174500,174.5,More than median +-1,5700,7,7,1926,1950,572,572,1,572,539,0,1111,0,0,1,0,2,1,5,1,1982,1,288,1,0,0,176,0,0,0,2008,116900,116.9,Less than median +50,9000,7,9,1920,1988,26,650,1,832,650,0,1482,0,1,1,0,3,1,7,0,1930,2,324,1,0,0,0,0,0,0,2009,143000,143,Less than median +57,8280,6,5,1950,1950,932,932,1,932,0,0,932,0,0,1,0,2,1,4,1,1950,1,306,1,0,0,214,0,0,0,2007,124000,124,Less than median +134,17755,5,4,1959,1959,1290,1466,1,1466,0,0,1466,0,0,1,1,3,1,6,2,1959,2,528,1,0,140,0,0,100,0,2006,149900,149.9,Less than median +90,14115,6,7,1956,2004,230,1073,1,1811,0,0,1811,0,0,1,0,2,1,6,1,1956,2,470,1,0,0,280,0,0,0,2006,230000,230,More than median +-1,5890,6,8,1930,2007,278,816,1,816,0,0,816,0,0,1,0,2,1,5,0,2002,1,432,1,0,0,96,0,0,0,2008,120500,120.5,Less than median +-1,13700,7,6,1965,1988,410,864,1,902,918,0,1820,0,0,1,2,4,1,8,2,1965,2,492,1,60,84,0,0,273,0,2008,201800,201.8,More than median +90,10768,5,8,1976,2004,280,1437,1,1437,0,0,1437,1,0,2,0,3,1,6,1,1976,2,528,1,0,21,0,0,180,0,2007,218000,218,More than median +85,9350,5,8,1965,1999,586,1219,1,1265,0,0,1265,0,1,2,0,3,1,6,1,1965,2,502,1,0,92,0,96,0,0,2008,179900,179.9,More than median +34,5001,7,5,2007,2008,410,1314,1,1314,0,0,1314,1,0,2,0,2,1,6,1,2008,2,626,1,172,62,0,0,0,0,2009,230000,230,More than median +92,11932,8,5,2007,2008,1580,1580,1,1580,0,0,1580,0,0,2,0,3,1,7,0,2008,3,830,1,0,24,0,0,0,0,2008,235128,235.13,More than median +76,9120,6,6,1974,1974,459,901,1,943,933,0,1876,0,0,2,1,4,1,8,1,1974,2,540,1,0,69,0,0,0,0,2008,185000,185,More than median +24,2280,6,5,1978,1978,544,855,1,855,601,0,1456,0,0,2,1,3,1,7,1,1978,2,440,1,26,0,0,0,0,0,2010,146000,146,Less than median +-1,14778,6,7,1954,2006,568,1296,1,1640,0,0,1640,1,0,1,0,3,1,7,1,1993,2,924,1,108,0,0,216,0,0,2008,224000,224,More than median +109,8724,5,5,1968,1968,402,894,1,894,0,0,894,0,0,1,0,3,1,5,1,1968,2,450,1,0,0,0,0,0,0,2007,129000,129,Less than median +60,12900,4,4,1969,1969,0,1198,1,1258,0,0,1258,2,0,0,2,0,2,6,0,1969,2,400,1,120,0,0,0,0,0,2008,108959,108.96,Less than median +-1,16157,5,7,1978,1978,289,1360,1,1432,0,0,1432,1,0,1,1,2,1,5,1,1978,2,588,1,168,180,0,0,0,0,2007,194000,194,More than median +79,9541,7,5,2009,2009,1502,1502,1,1502,0,0,1502,0,0,2,0,3,1,7,0,2009,2,644,1,0,114,0,0,0,0,2009,233170,233.17,More than median +64,10475,8,5,2008,2008,1694,1694,1,1694,0,0,1694,0,0,2,0,3,1,7,0,2008,3,776,1,160,33,0,0,0,0,2010,245350,245.35,More than median +58,10852,6,5,2000,2000,173,959,1,959,712,0,1671,1,0,2,1,3,1,7,1,2000,2,472,1,0,38,0,0,0,0,2006,173000,173,More than median +120,13728,6,7,1935,1986,501,1127,1,1236,872,0,2108,0,0,2,0,4,1,7,2,1935,2,540,1,0,0,0,0,90,0,2008,235000,235,More than median +118,35760,10,5,1995,1996,543,1930,1,1831,1796,0,3627,1,0,3,1,4,1,10,1,1995,3,807,1,361,76,0,0,0,0,2006,625000,625,More than median +76,9880,6,6,1977,1977,574,1096,1,1118,0,0,1118,1,0,1,0,3,1,6,1,1977,1,358,1,203,0,0,0,0,576,2008,171000,171,More than median +76,9120,6,6,1958,1958,599,1261,1,1261,0,0,1261,1,0,1,0,3,1,6,1,1958,2,433,1,0,0,0,0,288,0,2008,163000,163,Less than median +35,4017,7,5,2006,2007,625,625,1,625,625,0,1250,0,0,2,1,2,1,5,0,2006,2,625,1,0,54,0,0,0,0,2008,171900,171.9,More than median +138,18030,5,6,1946,1994,977,1598,1,1636,971,479,3086,0,0,3,0,3,1,12,1,0,0,0,1,122,0,0,0,0,0,2007,200500,200.5,More than median +80,16560,6,8,1932,1950,449,952,1,1170,1175,0,2345,0,0,2,1,4,1,9,1,1932,2,360,1,0,0,0,0,0,0,2006,239000,239,More than median +85,10678,8,5,1992,2000,983,1683,1,2129,743,0,2872,0,0,2,1,4,1,9,1,1992,2,541,1,0,33,0,0,0,0,2007,285000,285,More than median +37,6951,5,5,1984,1985,218,876,1,923,0,0,923,1,0,1,0,3,1,5,0,1984,1,264,1,362,0,0,0,0,0,2008,119500,119.5,Less than median +-1,3950,6,8,1926,2004,350,818,1,818,406,0,1224,0,0,1,0,3,1,5,0,1926,1,210,0,0,0,116,0,0,0,2009,115000,115,Less than median +54,7681,5,6,1921,1950,731,731,1,820,523,0,1343,0,0,1,1,3,1,7,1,1921,1,186,1,192,0,102,0,0,0,2009,154900,154.9,Less than median +77,8335,5,5,1954,1954,0,0,1,1124,0,0,1124,0,0,1,0,3,1,5,1,0,0,0,0,0,36,190,0,0,0,2006,93000,93,Less than median +-1,11170,7,5,1990,1991,0,1216,1,1298,1216,0,2514,0,0,2,1,4,1,8,0,1990,2,693,1,0,0,0,0,0,0,2006,250000,250,More than median +64,5587,8,5,2008,2008,120,1600,1,1652,0,0,1652,1,1,2,0,2,1,5,1,2008,2,482,1,162,53,0,153,0,0,2008,392500,392.5,More than median +160,15623,10,5,1996,1996,300,2396,1,2411,2065,0,4476,1,0,3,1,4,1,10,2,1996,3,813,1,171,78,0,0,0,555,2007,745000,745,More than median +60,10800,5,6,1920,1950,299,1120,1,1130,0,0,1130,1,0,1,0,2,1,5,1,1970,2,720,1,229,0,0,0,0,0,2006,120000,120,Less than median +50,35133,5,4,1963,1963,413,1572,1,1572,0,0,1572,1,0,1,1,3,1,5,2,1963,3,995,1,0,263,0,0,263,0,2007,186700,186.7,More than median +60,9738,5,7,1924,1950,392,784,1,949,272,0,1221,1,0,1,0,4,1,7,0,1965,1,392,1,0,0,236,0,0,0,2006,104900,104.9,Less than median +107,10615,3,5,1900,1970,538,978,1,1014,685,0,1699,1,0,2,0,3,2,7,0,1920,2,420,1,0,74,0,0,0,0,2009,95000,95,Less than median +89,12461,8,5,1994,1995,168,1624,1,1624,0,0,1624,1,0,2,0,2,1,5,1,1994,3,757,1,0,114,192,0,0,0,2006,262000,262,More than median +68,8935,7,5,2002,2002,831,831,1,831,829,0,1660,0,0,2,1,3,1,7,0,2002,2,493,1,144,68,0,0,0,0,2009,195000,195,More than median +60,7500,7,5,1999,1999,994,994,1,1028,776,0,1804,0,0,2,1,3,1,7,1,1999,2,442,1,140,60,0,0,0,0,2010,189000,189,More than median +-1,32463,4,4,1961,1975,90,1249,1,1622,0,0,1622,1,0,1,0,3,1,7,1,1975,4,1356,1,439,0,0,0,0,0,2007,168000,168,More than median +24,2645,8,5,1999,2000,776,776,1,764,677,0,1441,0,0,2,1,2,1,5,0,1999,2,492,1,206,0,0,0,0,0,2007,174000,174,More than median +60,9600,5,8,1925,1994,702,702,1,842,630,0,1472,0,0,1,0,3,1,6,0,1925,1,250,1,0,0,84,0,0,0,2007,125000,125,Less than median +-1,4500,6,5,1999,1999,341,1224,1,1224,0,0,1224,1,0,2,0,2,1,5,0,1999,2,402,1,0,304,0,0,0,0,2009,165000,165,More than median +80,9364,6,7,1969,1969,292,663,1,663,689,0,1352,0,0,1,1,4,1,7,0,1969,1,299,1,379,36,0,0,0,0,2010,158000,158,Less than median +51,8029,6,5,2005,2005,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,0,2005,2,400,1,100,24,0,0,0,0,2008,176000,176,More than median +58,14054,7,5,2006,2006,879,879,1,879,984,0,1863,0,0,2,1,4,1,9,1,2006,3,660,1,100,17,0,0,0,0,2006,219210,219.21,More than median +65,8850,7,6,1916,1950,815,815,1,815,875,0,1690,0,0,1,0,3,1,7,1,1916,1,225,1,0,0,330,0,0,0,2006,144000,144,Less than median +70,9100,7,5,2001,2001,1212,1212,1,1212,0,0,1212,0,0,2,0,3,1,6,0,2001,2,573,1,356,0,0,0,0,0,2009,178000,178,More than median +75,11235,4,5,1963,1979,504,1051,1,1382,0,0,1382,0,0,1,1,3,1,6,1,1974,2,459,1,0,82,0,0,0,0,2006,148000,148,Less than median +71,9353,4,5,1970,1970,864,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1972,1,280,1,0,0,0,0,0,0,2006,116050,116.05,Less than median +80,10400,7,5,1998,1998,866,866,1,866,913,0,1779,0,0,2,1,3,1,6,0,1998,2,546,1,198,36,0,0,0,0,2009,197900,197.9,More than median +50,6000,5,8,1925,1997,884,884,1,884,464,0,1348,1,0,1,0,3,1,5,1,1960,1,216,0,0,0,208,0,0,0,2009,117000,117,Less than median +75,9750,7,5,2000,2001,1630,1630,1,1630,0,0,1630,0,0,2,0,3,1,6,1,2000,2,451,1,74,234,0,0,0,0,2009,213000,213,More than median +78,10140,5,6,1975,1975,268,1056,1,1074,0,0,1074,1,0,1,1,3,1,6,0,1975,2,495,1,0,88,0,0,0,0,2006,153500,153.5,Less than median +90,14684,7,7,1990,1991,1496,2158,1,2196,0,0,2196,0,0,2,0,3,1,7,1,1990,3,701,1,84,70,0,0,0,0,2009,271900,271.9,More than median +-1,8900,4,4,1966,1966,0,1056,1,1056,0,0,1056,1,0,1,0,2,1,5,0,1966,1,384,1,0,42,0,0,0,0,2006,107000,107,Less than median +70,9135,6,5,2003,2003,1342,1682,1,1700,0,0,1700,1,0,2,0,3,1,7,0,2003,2,544,1,192,23,0,0,0,0,2006,200000,200,More than median +70,7763,5,7,1962,1980,319,931,1,1283,0,0,1283,1,0,1,0,3,1,6,0,1980,2,506,1,0,0,0,0,0,0,2008,140000,140,Less than median +85,10182,8,5,2006,2006,440,1660,1,1660,0,0,1660,1,0,2,0,3,1,8,1,2006,2,500,1,322,50,0,0,0,0,2006,290000,290,More than median +70,11218,6,5,1992,1992,1055,1055,1,1055,790,0,1845,0,0,2,1,3,1,8,1,1992,2,462,1,635,104,0,0,0,0,2010,189000,189,More than median +152,12134,8,7,1988,2005,132,559,1,1080,672,0,1752,0,0,2,0,4,1,8,0,1988,2,492,1,325,12,0,0,0,0,2010,164000,164,More than median +50,9340,4,6,1941,1950,328,672,1,672,0,0,672,1,0,1,0,2,1,4,0,1941,1,234,0,0,113,0,0,0,0,2009,113000,113,Less than median +-1,10246,4,9,1965,2001,0,648,1,960,0,0,960,1,1,0,0,0,1,3,0,1965,1,364,1,88,0,0,0,0,0,2006,145000,145,Less than median +69,10205,5,5,1962,1962,141,925,1,999,0,0,999,1,0,1,0,3,1,6,0,1962,1,300,1,150,72,0,0,0,0,2006,134500,134.5,Less than median +99,7094,5,5,1966,1966,340,894,1,894,0,0,894,0,0,1,0,3,1,5,0,1966,1,384,1,0,0,0,0,0,0,2007,125000,125,Less than median +68,8930,6,5,1978,1978,0,0,1,1318,584,0,1902,0,0,2,0,4,2,8,0,1978,2,539,1,0,0,0,0,0,0,2010,112000,112,Less than median +72,8640,8,5,2009,2009,364,1300,1,1314,0,0,1314,1,0,2,0,3,1,6,0,2009,2,552,1,135,112,0,0,0,0,2009,229456,229.46,More than median +52,6240,4,5,1947,1950,0,0,0,672,240,0,912,0,0,1,0,2,1,3,0,0,0,0,0,0,0,0,0,0,0,2006,80500,80.5,Less than median +21,1680,6,5,1971,1971,672,672,1,672,546,0,1218,0,0,1,1,3,1,7,0,0,0,0,0,201,0,0,0,0,0,2006,91500,91.5,Less than median +66,7800,5,5,1964,1964,0,912,1,912,0,0,912,0,0,1,0,2,1,5,0,1964,1,288,1,0,0,0,0,0,0,2006,115000,115,Less than median +55,8250,5,5,1968,1968,210,952,1,1211,0,0,1211,0,0,1,0,3,1,5,1,1968,1,322,1,0,63,0,0,0,0,2008,134000,134,Less than median +78,10496,6,6,1949,1950,844,1040,1,1168,678,0,1846,0,0,2,0,3,1,7,1,1949,1,315,1,0,0,0,0,0,0,2007,143000,143,Less than median +89,10680,5,3,1951,1951,1380,2136,0,2136,0,0,2136,0,0,2,0,4,1,7,0,1951,2,528,1,0,30,0,0,0,0,2006,137900,137.9,Less than median +60,15384,7,5,2004,2005,64,788,1,788,702,0,1490,1,0,2,1,3,1,8,1,2004,2,388,1,100,75,0,0,0,0,2008,184000,184,More than median +65,10482,6,8,1958,1958,81,588,1,1138,0,0,1138,0,1,1,0,3,1,6,0,1958,1,264,1,224,0,0,0,0,0,2007,145000,145,Less than median +86,14598,6,5,2007,2007,894,894,1,894,1039,0,1933,0,0,2,1,4,1,9,1,2007,3,668,1,100,18,0,0,0,0,2008,214000,214,More than median +72,8872,5,8,1965,2008,317,912,1,912,0,0,912,1,0,1,0,2,1,5,0,1992,2,576,1,0,240,0,0,0,0,2008,147000,147,Less than median +65,8769,9,5,2008,2008,162,1702,1,1702,0,0,1702,1,0,1,1,1,1,7,1,2008,3,1052,1,0,72,0,0,224,0,2008,367294,367.29,More than median +70,7910,5,5,1960,1960,409,1075,1,1507,0,0,1507,0,0,2,0,4,1,7,0,1960,1,404,1,0,0,0,0,0,0,2008,127000,127,Less than median +-1,18890,5,5,1977,1977,652,1361,1,1361,1259,0,2620,0,0,2,2,4,2,12,1,1977,2,600,0,155,24,145,0,0,0,2007,190000,190,More than median +70,7728,5,6,1962,1962,303,1106,1,1190,0,0,1190,1,0,1,0,3,1,6,0,1962,2,540,1,0,18,0,0,0,0,2006,132500,132.5,Less than median +70,9842,4,5,1962,1962,0,0,1,1224,0,0,1224,0,0,2,0,2,2,6,0,1962,2,462,1,0,0,0,0,0,0,2007,101800,101.8,Less than median +-1,12160,5,5,1959,1959,188,1188,1,1188,0,0,1188,1,0,1,0,3,1,6,0,1959,2,531,1,0,0,0,0,0,0,2010,142000,142,Less than median +55,8525,5,6,1911,1950,940,940,0,1024,940,0,1964,0,0,1,1,4,1,7,0,0,0,0,0,0,192,0,0,0,0,2008,130000,130,Less than median +96,13132,5,5,1914,1950,747,747,1,892,892,0,1784,0,0,1,1,4,1,9,0,1914,1,180,0,203,40,0,0,0,0,2006,138887,138.89,Less than median +36,2628,7,5,2003,2003,764,764,1,764,862,0,1626,0,0,2,1,2,1,6,0,2003,2,474,1,0,27,0,0,0,0,2010,175500,175.5,More than median +41,12393,7,5,2004,2005,847,847,1,847,1101,0,1948,0,0,2,1,4,1,8,1,2004,2,434,1,100,48,0,0,0,0,2006,195000,195,More than median +63,13072,6,5,2005,2005,1141,1141,1,1141,0,0,1141,0,0,1,1,3,1,6,0,2005,2,484,1,0,0,0,0,0,0,2006,142500,142.5,Less than median +64,9037,8,5,2006,2006,1048,1476,1,1484,0,0,1484,0,0,2,0,2,1,6,1,2006,2,472,1,120,33,0,0,0,0,2007,265900,265.9,More than median +65,8158,7,5,2003,2003,334,884,1,884,884,0,1768,1,0,2,1,3,1,8,0,2003,2,543,1,0,63,0,0,0,0,2008,224900,224.9,More than median +83,9849,7,6,2007,2007,1689,1689,1,1689,0,0,1689,0,0,2,0,3,1,7,0,2007,3,954,1,0,56,0,0,0,0,2007,248328,248.33,More than median +85,10625,7,6,1974,1974,0,1053,1,1173,0,0,1173,1,0,2,0,3,1,6,2,1974,2,528,1,0,120,0,0,0,0,2010,170000,170,More than median +107,13891,10,5,2006,2006,690,2076,1,2076,0,0,2076,1,0,2,1,2,1,7,1,2006,3,850,1,216,229,0,0,0,0,2006,465000,465,More than median +-1,11435,8,7,1929,1950,792,792,1,792,725,0,1517,0,0,1,0,3,1,7,2,1931,2,400,1,0,0,0,0,0,0,2006,230000,230,More than median +78,12090,6,7,1984,2003,585,585,1,1140,728,0,1868,0,0,3,1,3,1,7,1,1984,2,477,1,268,112,0,0,147,0,2007,178000,178,More than median +65,8125,7,5,2005,2006,756,756,1,756,797,0,1553,0,0,2,1,3,1,6,0,2005,2,615,1,0,45,0,0,0,0,2006,186500,186.5,More than median +-1,12328,6,5,1976,1976,473,1012,1,1034,0,0,1034,1,0,1,0,3,1,6,0,1976,3,888,1,0,0,0,0,0,0,2010,169900,169.9,More than median +60,9600,6,5,1917,1950,416,735,0,1134,924,0,2058,0,0,1,1,3,1,8,1,1950,2,396,1,0,0,259,0,0,0,2008,129500,129.5,Less than median +60,7200,5,7,1950,1950,246,876,1,988,0,0,988,0,0,1,0,3,1,6,0,1950,1,276,1,0,80,0,0,0,0,2007,119000,119,Less than median +93,11160,7,5,1968,1968,1045,2110,1,2110,0,0,2110,1,0,2,1,3,1,8,2,1968,2,522,1,0,0,0,0,0,0,2010,244000,244,More than median +-1,3136,7,5,2003,2003,1405,1405,1,1405,0,0,1405,0,0,2,0,2,1,6,1,2003,2,478,1,148,36,0,0,0,0,2006,171750,171.75,More than median +62,9858,5,6,1968,1968,354,864,1,874,0,0,874,1,0,1,0,3,1,5,0,1968,1,288,1,33,0,0,0,0,0,2009,130000,130,Less than median +-1,17542,7,7,1974,2003,36,1192,1,1516,651,0,2167,1,0,2,1,3,1,9,2,1974,2,518,1,220,47,0,0,0,0,2007,294000,294,More than median +60,6931,7,5,2003,2004,746,746,1,760,896,0,1656,0,0,2,1,3,1,7,1,2003,2,397,1,178,128,0,0,0,0,2008,165400,165.4,More than median +52,6240,6,6,1931,1950,459,884,1,959,408,0,1367,0,0,1,0,3,1,6,1,1978,1,560,1,0,0,0,0,120,0,2007,127500,127.5,Less than median +91,14303,8,5,1994,1994,672,1986,1,1987,0,0,1987,1,0,2,0,2,1,7,1,1994,2,691,1,262,36,0,0,0,0,2008,301500,301.5,More than median +56,4060,5,8,1922,1950,864,864,1,864,0,0,864,0,0,1,0,2,1,4,0,0,0,0,1,0,96,0,0,0,0,2009,99900,99.9,Less than median +59,9587,7,5,2005,2005,201,856,1,1166,0,0,1166,1,0,2,0,2,1,5,0,2005,2,400,1,212,0,0,0,0,0,2008,190000,190,More than median +65,9750,6,8,1969,1969,14,1054,1,1054,0,0,1054,1,0,1,1,3,1,6,0,1969,2,460,1,180,0,0,0,80,0,2008,151000,151,Less than median +-1,24682,6,5,1999,1999,841,841,1,892,783,0,1675,0,0,2,1,3,1,7,1,1999,2,502,1,0,103,0,0,0,0,2009,181000,181,More than median +80,9600,5,6,1956,1956,546,1050,1,1050,0,0,1050,0,0,1,0,2,1,5,0,1956,1,338,1,0,0,0,0,0,0,2009,128900,128.9,Less than median +-1,11250,4,5,1957,1989,1104,1104,1,1104,684,0,1788,1,0,1,0,5,1,8,2,1957,1,304,1,120,0,0,0,0,0,2009,161500,161.5,Less than median +60,13515,6,6,1919,1950,764,764,1,1060,764,0,1824,0,0,1,0,3,1,8,1,1940,2,520,0,0,0,126,0,0,0,2007,180500,180.5,More than median +34,4060,6,5,1998,1999,1139,1405,1,1337,0,0,1337,1,0,2,0,2,1,5,0,1998,2,511,1,144,68,0,0,0,0,2008,181000,181,More than median +35,3735,7,5,1999,1999,241,691,1,713,739,0,1452,1,0,2,1,3,1,6,0,1999,2,506,1,0,34,0,0,0,0,2006,183900,183.9,More than median +60,10120,7,4,1910,1950,925,925,0,964,925,0,1889,0,0,1,1,4,2,9,1,1960,1,308,0,0,0,264,0,0,0,2007,122000,122,Less than median +89,13214,9,5,2008,2009,2002,2002,1,2018,0,0,2018,0,0,2,0,3,1,10,1,2009,3,746,1,144,76,0,0,0,0,2010,378500,378.5,More than median +-1,14100,8,9,1935,1997,536,728,1,1968,1479,0,3447,0,0,3,1,4,1,11,2,1982,3,1014,1,314,12,0,0,0,0,2008,381000,381,More than median +78,11344,5,5,1958,1958,414,874,1,874,650,0,1524,0,0,1,1,3,1,7,0,1958,1,315,1,0,0,0,0,0,0,2007,144000,144,Less than median +-1,23595,7,6,1979,1979,74,1332,1,1332,192,0,1524,2,0,0,1,0,1,4,1,1979,2,586,1,268,0,0,0,0,0,2010,260000,260,More than median +-1,9156,6,7,1968,1968,1489,1489,1,1489,0,0,1489,0,0,2,0,3,1,7,1,1968,2,462,1,0,0,0,0,0,0,2009,185750,185.75,More than median +-1,13526,5,6,1965,1965,0,935,1,935,0,0,935,1,0,1,0,3,1,5,0,1965,1,288,1,180,0,0,0,0,0,2006,137000,137,Less than median +124,11512,6,7,1959,2006,300,1019,1,1357,0,0,1357,1,0,1,0,2,1,5,1,1959,1,312,1,0,0,0,0,163,0,2008,177000,177,More than median +53,5362,5,6,1910,2003,661,661,1,661,589,0,1250,0,0,2,0,3,1,8,1,1985,2,552,1,242,0,81,0,0,0,2007,139000,139,Less than median +95,11345,5,5,1948,1950,708,928,1,928,992,0,1920,0,0,2,0,4,2,10,0,1948,2,400,1,0,0,0,0,0,0,2007,137000,137,Less than median +-1,12936,6,6,1972,1972,130,723,1,735,660,0,1395,0,1,1,1,3,1,6,1,1972,2,497,1,294,116,0,0,0,0,2009,162000,162,Less than median +-1,17871,6,5,1967,1976,1152,1680,1,1724,0,0,1724,1,0,1,1,3,1,7,1,1967,2,480,1,0,0,0,0,0,0,2009,197900,197.9,More than median +75,9473,8,5,2002,2002,324,1128,1,1128,903,0,2031,1,0,2,1,3,1,7,1,2002,2,577,1,0,211,0,0,0,0,2008,237000,237,More than median +60,7500,4,4,1920,1950,698,698,1,698,430,0,1128,0,0,1,0,2,1,6,0,1980,2,528,1,30,0,164,0,0,0,2010,68400,68.4,Less than median +67,9808,7,5,2002,2002,785,1573,1,1573,0,0,1573,1,0,2,0,3,1,6,0,2002,2,544,1,0,72,0,0,0,0,2009,227000,227,More than median +50,8049,7,5,1990,1990,256,1309,1,1339,0,0,1339,1,0,2,0,2,1,6,1,1990,2,484,1,0,58,0,0,90,0,2006,180000,180,More than median +61,8800,5,7,1977,2008,364,1040,1,1040,0,0,1040,0,0,2,0,3,1,5,0,1977,2,484,1,0,0,0,0,288,0,2009,150500,150.5,Less than median +94,9400,6,5,1971,1971,912,912,1,912,912,0,1824,0,0,2,2,4,2,8,0,0,0,0,1,128,0,0,0,0,0,2010,139000,139,Less than median +50,9638,6,7,1919,1990,804,804,1,1699,748,0,2447,0,0,2,0,4,1,10,1,1969,1,336,1,272,0,42,0,116,0,2010,169000,169,More than median +50,6000,6,6,1939,1950,780,780,1,825,587,0,1412,0,0,1,0,4,1,6,1,1939,1,280,1,45,0,0,0,0,0,2009,132500,132.5,Less than median +-1,9790,6,5,1963,1963,678,1328,1,1328,0,0,1328,1,0,1,1,3,1,6,2,1963,2,528,1,0,26,0,0,0,0,2010,143000,143,Less than median +-1,36500,5,5,1964,1964,812,1624,1,1582,0,0,1582,0,1,2,0,4,1,7,0,1964,2,390,0,168,198,0,0,0,0,2006,190000,190,More than median +40,5664,8,5,2000,2000,343,1501,1,1659,0,0,1659,1,0,2,0,2,1,5,1,2000,2,499,1,212,59,0,0,0,0,2009,278000,278,More than median +86,11065,8,5,2006,2006,1085,1085,1,1120,850,0,1970,0,0,2,1,3,1,8,1,2006,3,753,1,177,74,0,0,0,0,2006,281000,281,More than median +-1,14112,5,7,1964,1964,138,1152,1,1152,0,0,1152,1,0,1,0,3,1,6,1,1964,2,484,1,227,0,0,0,0,0,2010,180500,180.5,More than median +21,1680,5,7,1972,1972,399,630,1,630,672,0,1302,0,0,2,1,3,1,6,0,1972,1,264,1,185,0,0,0,0,0,2009,119500,119.5,Less than median +60,6600,5,4,1892,1965,994,994,0,1378,994,0,2372,0,0,2,0,4,2,11,0,1985,1,432,1,0,287,0,0,0,0,2009,107500,107.5,Less than median +78,10140,7,5,1976,1976,638,832,1,832,832,0,1664,0,0,2,1,4,1,8,1,1976,2,528,1,0,28,0,0,259,0,2006,162900,162.9,Less than median +60,8172,5,7,1955,1990,697,864,1,864,0,0,864,1,0,1,0,2,1,5,0,1957,2,572,0,0,0,0,0,0,0,2006,115000,115,Less than median +70,8400,5,5,1968,1968,36,1052,1,1052,0,0,1052,1,0,1,1,3,1,5,0,1968,1,288,1,356,0,0,0,0,0,2006,138500,138.5,Less than median +80,8700,5,6,1963,1963,344,1120,1,1128,0,0,1128,1,0,2,0,3,1,6,0,1963,2,525,1,192,20,123,0,0,0,2008,155000,155,Less than median +35,3675,6,5,2005,2006,0,547,1,1072,0,0,1072,1,0,2,0,2,1,5,0,2005,2,525,1,0,44,0,0,0,0,2006,140000,140,Less than median +313,63887,10,5,2008,2008,466,6110,1,4692,950,0,5642,2,0,2,1,3,1,12,3,2008,2,1418,1,214,292,0,0,0,480,2008,160000,160,Less than median +75,7500,5,7,1959,1994,0,1246,1,1246,0,0,1246,1,0,1,1,3,1,6,0,1959,1,305,1,218,0,0,0,0,0,2010,154000,154,Less than median +-1,10762,7,5,1999,1999,284,978,1,1005,978,0,1983,0,0,2,1,3,1,9,1,1999,2,490,1,0,0,0,0,0,0,2009,225000,225,More than median +-1,7500,6,7,1942,1950,224,771,1,753,741,0,1494,0,0,1,0,3,1,7,2,1942,1,213,1,0,0,0,0,224,0,2009,177500,177.5,More than median +92,10120,8,5,1994,1994,425,1165,1,1203,1323,0,2526,1,0,2,1,4,1,8,1,1994,3,844,1,309,78,0,0,0,0,2006,290000,290,More than median +73,8688,7,5,2005,2005,1616,1616,1,1616,0,0,1616,0,0,2,0,3,1,7,0,2005,3,834,1,208,59,0,0,0,0,2006,232000,232,More than median +32,3363,7,5,2004,2004,976,976,1,976,732,0,1708,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,130000,130,Less than median +108,13173,9,5,2006,2007,80,1652,1,1652,0,0,1652,1,0,2,0,2,1,6,2,2006,2,840,1,404,102,0,0,0,0,2009,325000,325,More than median +48,6955,7,5,2005,2006,1368,1368,1,1368,0,0,1368,0,0,2,0,2,1,6,1,2005,2,474,1,132,35,0,0,0,0,2006,202500,202.5,More than median +60,8072,5,5,1994,1995,244,990,1,990,0,0,990,1,0,1,0,3,1,5,0,2000,2,480,1,0,64,0,0,0,0,2009,138000,138,Less than median +100,12000,5,7,1948,2005,172,924,1,1122,0,0,1122,1,0,1,0,2,1,6,0,1948,2,528,1,0,36,0,0,0,0,2008,147000,147,Less than median +-1,7153,6,5,1991,1991,78,1278,1,1294,0,0,1294,1,0,2,0,3,1,6,0,1991,2,496,1,112,51,0,0,0,0,2008,179200,179.2,More than median +100,17500,7,8,1959,2002,496,1902,1,1902,0,0,1902,1,0,2,0,3,1,7,2,1959,2,567,1,0,207,162,0,0,0,2010,335000,335,More than median +68,8814,7,5,2005,2007,349,1274,1,1274,0,0,1274,1,0,2,0,3,1,6,0,2005,2,508,1,264,98,0,0,0,0,2007,203000,203,More than median +-1,9572,8,5,1990,1990,971,1453,1,1453,1357,0,2810,0,0,2,1,4,1,9,1,1990,2,750,1,500,0,0,0,0,0,2007,302000,302,More than median +108,14774,9,5,1999,1999,1393,1393,1,1422,1177,0,2599,0,0,2,1,4,1,10,1,1999,3,779,1,668,30,0,0,0,0,2010,333168,333.17,More than median +60,8190,4,6,1954,1954,216,948,1,948,0,0,948,1,0,1,0,3,1,5,1,1956,1,280,1,0,36,0,0,0,0,2007,119000,119,Less than median +85,11075,6,5,1969,1969,176,952,1,1092,1020,0,2112,0,0,2,1,4,1,9,2,1969,2,576,1,280,0,0,0,0,0,2008,206900,206.9,More than median +61,10226,8,5,2008,2008,1622,1622,1,1630,0,0,1630,1,0,2,0,3,1,8,1,2008,3,860,1,172,42,0,0,0,0,2009,295493,295.49,More than median +47,4230,7,5,2006,2007,1352,1352,1,1352,0,0,1352,0,0,2,0,2,1,5,1,2006,2,466,1,0,241,0,0,0,0,2007,208900,208.9,More than median +-1,14781,8,5,2001,2002,1753,1753,1,1787,0,0,1787,0,0,2,0,3,1,7,1,2001,3,748,1,198,150,0,0,0,0,2006,275000,275,More than median +75,10215,4,5,1954,1954,372,864,1,948,0,0,948,0,0,1,0,3,1,5,0,1954,1,248,1,0,0,0,0,0,0,2007,111000,111,Less than median +70,8400,6,3,1957,1957,628,1478,1,1478,0,0,1478,1,0,1,1,3,1,6,2,1957,2,442,1,114,0,0,0,216,0,2009,156500,156.5,Less than median +-1,6627,3,6,1949,1950,0,0,0,720,0,0,720,0,0,1,0,2,1,4,0,1955,1,287,1,0,0,0,0,0,0,2008,72500,72.5,Less than median +107,10186,7,5,1992,1992,76,750,1,1061,862,0,1923,1,0,2,1,3,1,8,1,1992,2,564,1,240,39,0,0,0,0,2010,190000,190,More than median +50,5330,4,7,1940,1950,140,420,1,708,0,0,708,0,0,1,0,2,1,5,0,0,0,0,1,164,0,0,0,0,0,2009,82500,82.5,Less than median +75,9986,8,5,2006,2007,1795,1795,1,1795,0,0,1795,0,0,2,0,2,1,7,1,2007,3,895,1,0,49,0,0,0,0,2007,147000,147,Less than median +40,3636,4,4,1922,1950,796,796,0,796,0,0,796,0,0,1,0,2,1,5,0,0,0,0,0,0,0,100,0,0,0,2008,55000,55,Less than median +70,4270,3,6,1931,2006,0,544,1,774,0,0,774,0,0,1,0,3,1,6,0,0,0,0,1,0,0,286,0,0,0,2007,79000,79,Less than median +60,6600,5,9,1982,2008,175,816,1,816,0,0,816,0,1,1,0,3,1,5,1,1982,1,264,1,0,0,0,0,0,0,2008,130500,130.5,Less than median +60,10440,6,7,1920,1950,1017,1510,1,1584,1208,0,2792,0,0,2,0,5,1,8,2,1920,2,520,1,0,547,0,0,480,0,2008,256000,256,More than median +63,9084,7,5,1998,1998,935,935,1,955,677,0,1632,0,0,2,1,3,1,8,1,1998,2,462,1,0,28,0,0,0,0,2006,176500,176.5,More than median +85,10000,8,5,2006,2006,1588,1588,1,1588,0,0,1588,0,0,2,0,3,1,7,1,2006,3,825,1,144,45,0,0,0,0,2007,227000,227,More than median +55,10780,5,5,1976,1976,428,911,1,954,0,0,954,0,0,1,0,3,1,6,0,1976,2,576,1,0,0,0,0,0,0,2006,132500,132.5,Less than median +67,8877,4,6,1938,1958,126,816,1,816,0,0,816,1,0,1,0,2,1,3,1,1958,1,288,1,0,0,0,0,0,0,2009,100000,100,Less than median +60,7200,5,6,1938,1995,803,803,1,803,557,0,1360,0,0,1,1,2,1,6,0,1951,1,297,1,0,65,190,0,0,0,2006,125500,125.5,Less than median +24,2368,5,6,1970,1970,0,765,1,765,600,0,1365,0,0,1,1,3,1,7,0,1970,2,440,1,0,36,0,0,0,0,2009,125000,125,Less than median +80,9650,6,5,1977,1977,664,1350,1,1334,0,0,1334,0,1,2,0,2,1,6,1,1977,2,630,1,0,16,0,0,0,0,2009,167900,167.9,More than median +87,9246,5,5,1973,1973,1656,1656,1,1656,0,0,1656,0,0,2,0,4,2,8,0,1973,2,506,1,0,211,0,0,0,0,2008,135000,135,Less than median +153,4118,4,4,1941,1950,693,693,0,693,0,0,693,0,0,1,0,2,1,4,0,0,0,0,0,0,20,0,0,0,0,2006,52500,52.5,Less than median +95,13450,7,5,2002,2002,216,916,1,920,941,0,1861,1,0,2,1,3,1,8,0,2002,2,492,1,146,91,0,0,0,0,2006,200000,200,More than median +120,9560,5,7,1972,1972,504,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1972,1,288,1,0,0,0,0,0,0,2006,128500,128.5,Less than median +70,8294,4,5,1971,1971,858,858,1,872,0,0,872,0,0,1,0,3,1,5,0,1974,4,480,1,0,0,0,0,0,0,2007,123000,123,Less than median +66,13695,6,5,2003,2004,300,1114,1,1114,0,0,1114,1,0,1,0,3,1,6,0,2004,2,576,1,0,78,0,0,0,0,2008,155000,155,Less than median +-1,9375,8,5,2002,2002,1284,1284,1,1284,885,0,2169,0,0,2,1,3,1,7,1,2002,2,647,1,192,87,0,0,0,0,2007,228500,228.5,More than median +57,7558,6,6,1928,1950,896,896,1,1172,741,0,1913,0,0,1,1,3,1,9,1,1929,2,342,1,0,0,0,0,0,0,2009,177000,177,More than median +85,11103,7,5,2006,2006,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,1,2006,2,440,1,0,0,0,0,0,0,2007,155835,155.84,Less than median +50,6000,4,4,1920,1950,710,960,1,960,0,0,960,0,0,1,0,2,1,5,0,1997,1,308,1,0,0,168,0,0,0,2007,108500,108.5,Less than median +-1,20781,7,7,1968,2003,1203,1568,1,2156,0,0,2156,0,0,2,0,3,1,9,1,1968,2,508,1,0,80,0,290,0,0,2006,262500,262.5,More than median +93,15306,8,5,2006,2007,1652,1732,1,1776,0,0,1776,1,0,2,0,3,1,7,1,2006,3,712,1,0,0,0,0,0,0,2007,283463,283.46,More than median +-1,16196,7,5,1998,1998,39,1482,1,1494,0,0,1494,1,0,2,0,3,1,5,1,1998,2,514,1,402,25,0,0,0,0,2007,215000,215,More than median +50,5250,8,5,1872,1987,425,684,0,938,1215,205,2358,0,0,2,0,4,1,8,0,0,0,0,1,0,54,20,0,0,0,2008,122000,122,Less than median +91,11643,5,5,1969,1969,748,1248,1,1338,1296,0,2634,1,1,2,2,6,2,12,0,1969,4,968,1,0,0,0,0,0,0,2009,200000,200,More than median +70,9247,6,6,1962,1962,539,858,1,858,858,0,1716,0,0,1,1,4,1,8,1,1962,2,490,1,0,84,0,0,120,0,2008,171000,171,More than median +50,6000,6,9,1937,2000,698,698,1,786,390,0,1176,0,0,1,0,2,1,4,0,1999,2,624,0,210,0,0,0,0,0,2009,134900,134.9,Less than median +56,14720,8,5,1995,1996,1217,2033,1,2053,1185,0,3238,1,0,2,1,4,1,9,1,1996,3,666,1,283,86,0,0,0,0,2010,410000,410,More than median +-1,10316,7,5,2000,2000,257,992,1,992,873,0,1865,1,0,2,1,3,1,7,1,2000,3,839,1,0,184,0,0,0,0,2008,235000,235,More than median +102,10192,7,6,1968,1992,570,570,1,1222,698,0,1920,0,0,3,0,4,1,8,1,1968,2,487,1,0,98,0,0,0,0,2006,170000,170,More than median +-1,9477,5,5,1966,1966,524,864,1,892,0,0,892,0,0,1,0,3,1,5,0,1966,1,264,1,0,0,0,0,0,0,2008,110000,110,Less than median +-1,12537,5,6,1971,2008,344,1078,1,1078,0,0,1078,1,0,1,1,3,1,6,1,1971,2,500,1,0,0,0,0,0,0,2010,149900,149.9,Less than median +-1,2117,6,5,2000,2000,378,756,1,769,804,0,1573,0,0,2,1,3,1,5,0,2000,2,440,1,0,32,0,0,0,0,2010,177500,177.5,More than median +129,16737,9,5,2004,2005,533,1980,1,1980,0,0,1980,1,0,2,0,3,1,8,1,2004,3,770,1,194,45,0,0,0,0,2006,315000,315,More than median +51,9842,5,6,1921,1998,612,612,1,990,1611,0,2601,0,0,3,1,4,1,8,0,1998,2,621,1,183,0,301,0,0,0,2008,189000,189,More than median +124,16158,7,5,2005,2005,256,1530,1,1530,0,0,1530,1,0,2,0,3,1,7,1,2005,2,430,1,168,36,0,0,0,0,2009,260000,260,More than median +-1,12513,4,4,1920,2007,715,715,1,1281,457,0,1738,0,0,2,0,4,1,7,1,1920,1,368,1,55,0,0,0,0,0,2009,104900,104.9,Less than median +73,8499,6,5,2006,2007,616,616,1,616,796,0,1412,0,0,2,1,3,1,6,1,2007,2,432,1,0,36,0,0,0,0,2007,156932,156.93,Less than median +30,3180,7,5,2005,2005,600,600,1,520,600,80,1200,0,0,2,1,2,1,4,0,2005,2,480,1,0,166,0,0,0,0,2006,144152,144.15,Less than median +-1,7500,7,5,2000,2000,281,814,1,814,860,0,1674,1,0,2,1,3,1,7,0,2000,2,663,1,0,96,0,0,0,0,2010,216000,216,More than median +68,9179,7,5,1999,1999,240,873,1,882,908,0,1790,1,0,2,1,3,1,7,0,1999,2,588,1,0,88,0,0,0,0,2008,193000,193,More than median +41,2665,5,6,1977,1977,36,757,1,925,550,0,1475,0,0,2,0,4,1,6,1,1977,1,336,1,104,26,0,0,0,0,2006,127000,127,Less than median +-1,4435,6,5,2003,2004,163,848,1,848,0,0,848,1,0,1,0,1,1,4,0,2003,2,420,1,140,0,0,0,0,0,2009,144000,144,Less than median +48,10635,8,5,2003,2003,315,1657,1,1668,0,0,1668,1,0,2,0,3,1,8,1,2003,2,502,1,0,262,0,0,0,0,2010,232000,232,More than median +90,5400,4,6,1920,1950,420,840,1,840,534,0,1374,0,0,1,0,2,1,6,0,1967,1,338,1,0,0,198,0,0,0,2009,105000,105,Less than median +80,9600,6,6,1955,1996,161,992,1,1661,0,0,1661,1,0,1,0,3,1,8,1,1955,1,377,1,0,28,0,0,178,0,2008,165500,165.5,More than median +75,9750,7,6,1998,1998,133,1108,1,1108,989,0,2097,1,0,2,1,3,1,8,1,1998,2,583,1,253,170,0,0,0,0,2006,274300,274.3,More than median +-1,11400,10,5,2001,2002,1351,2633,1,2633,0,0,2633,1,0,2,1,2,1,8,2,2001,3,804,1,314,140,0,0,0,0,2007,466500,466.5,More than median +85,10625,7,5,2005,2005,1026,1026,1,1026,932,0,1958,0,0,2,1,3,1,9,1,2005,3,936,1,154,210,0,0,0,0,2008,250000,250,More than median +89,10991,8,5,2007,2007,1571,1571,1,1571,0,0,1571,0,0,2,0,3,1,7,1,2007,3,722,1,100,36,0,0,0,0,2007,239000,239,More than median +52,6292,6,5,1930,1950,384,768,0,790,0,0,790,0,0,1,0,2,1,4,0,1925,1,160,1,0,141,0,0,0,0,2008,91000,91,Less than median +60,10998,5,5,1941,1960,156,984,1,984,620,0,1604,0,0,2,0,3,1,6,0,1977,2,660,1,0,68,0,0,0,0,2009,117000,117,Less than median +21,1953,6,5,1973,1973,174,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1973,1,264,1,72,0,0,0,0,0,2006,83000,83,Less than median +73,9735,5,5,2006,2007,384,384,1,754,640,0,1394,0,0,2,1,3,1,7,0,2007,2,400,1,100,0,0,0,0,0,2008,167500,167.5,More than median +45,8212,3,3,1914,1950,661,864,0,864,0,0,864,1,0,1,0,2,1,5,0,1938,1,200,1,0,0,96,0,0,0,2010,58500,58.5,Less than median +-1,12925,6,7,1970,1970,340,1205,1,2117,0,0,2117,0,0,2,1,4,1,7,2,1970,2,550,1,0,42,0,0,0,0,2008,237500,237.5,More than median +60,7200,7,7,1920,1950,596,596,1,998,764,0,1762,1,0,1,1,4,1,8,0,1989,2,576,0,36,0,221,0,0,0,2006,157000,157,Less than median +-1,25339,5,7,1918,2007,816,816,1,1416,0,0,1416,0,0,2,0,3,1,7,0,2007,2,576,0,0,0,112,0,0,0,2007,112000,112,Less than median +60,9060,6,5,1939,1950,356,560,1,698,560,0,1258,0,0,1,0,2,1,6,0,1939,1,280,1,0,0,0,0,0,0,2009,105000,105,Less than median +40,5436,4,8,1922,2007,61,796,1,796,358,0,1154,1,0,1,0,3,1,7,0,1922,1,240,0,0,96,0,0,0,0,2010,125500,125.5,Less than median +80,16692,7,5,1978,1978,133,1392,1,1392,1392,0,2784,1,0,3,1,5,1,12,2,1978,2,564,1,0,112,0,0,440,519,2006,250000,250,More than median +60,8520,6,7,1916,1950,0,714,0,1664,862,0,2526,0,0,2,0,5,1,10,1,1916,1,216,1,88,15,0,0,0,0,2007,136000,136,Less than median +42,14892,9,5,2006,2007,426,1746,1,1746,0,0,1746,1,0,2,0,3,1,7,2,2006,3,758,1,201,39,0,0,0,0,2009,377500,377.5,More than median +60,6000,6,6,1941,1950,360,735,1,869,349,0,1218,0,1,1,0,3,1,6,1,2003,2,440,1,0,0,0,0,0,0,2007,131000,131,Less than median +70,9100,7,5,2000,2000,125,1525,1,1525,0,0,1525,1,0,2,0,3,1,6,0,2000,2,541,1,219,36,0,0,0,0,2006,235000,235,More than median +65,8944,5,5,1967,1967,1584,1584,1,1584,0,0,1584,0,0,2,0,4,2,8,0,1967,3,792,1,0,152,0,0,0,0,2009,124000,124,Less than median +68,7838,5,5,1967,1967,95,864,1,900,0,0,900,1,0,1,0,3,1,6,1,1967,1,288,1,175,144,0,0,0,0,2006,123000,123,Less than median +60,10800,6,7,1905,2000,482,482,0,1221,691,0,1912,0,0,2,0,3,2,7,1,2003,2,672,1,0,25,212,0,0,0,2008,163000,163,Less than median +53,4045,7,5,2006,2006,286,1356,1,1500,0,0,1500,1,0,2,0,2,1,6,1,2006,3,648,1,161,20,0,0,0,0,2006,246578,246.58,More than median +88,12665,8,5,2005,2006,1094,1094,1,1133,1349,0,2482,0,0,2,1,4,1,9,1,2005,3,642,1,144,39,0,0,0,0,2007,281213,281.21,More than median +-1,57200,5,5,1948,1950,60,747,1,1687,0,0,1687,1,0,1,0,3,1,7,2,1966,2,572,0,0,0,50,0,0,0,2010,160000,160,Less than median +51,6120,5,8,1920,2004,939,939,1,939,574,0,1513,0,0,1,1,4,1,8,0,1933,1,180,0,24,0,150,0,0,0,2007,137500,137.5,Less than median +60,7200,5,4,1950,1982,676,1208,1,1136,768,0,1904,1,0,1,1,3,1,7,0,1950,1,240,1,0,0,168,0,0,0,2009,138000,138,Less than median +51,6171,6,6,1925,1990,712,976,1,1160,448,0,1608,0,0,2,1,3,1,7,1,1925,1,216,1,147,16,0,0,0,0,2009,137450,137.45,Less than median +50,6000,6,7,1929,1950,862,862,1,950,208,0,1158,0,0,1,0,3,1,5,1,1929,1,208,1,0,0,112,0,0,0,2008,120000,120,Less than median +62,7415,6,5,2004,2004,80,839,1,864,729,0,1593,1,0,2,1,3,1,8,1,2004,2,398,1,100,75,0,0,0,0,2008,193000,193,More than median +64,6762,7,5,2006,2006,1286,1286,1,1294,0,0,1294,0,0,2,0,2,1,6,1,2006,2,662,1,168,55,0,0,0,0,2006,193879,193.88,More than median +49,15256,8,5,2007,2007,556,1485,1,1464,0,0,1464,1,0,2,0,3,1,6,0,2007,3,754,1,168,160,0,0,0,0,2007,282922,282.92,More than median +60,10410,3,4,1915,1950,672,672,1,694,520,0,1214,0,0,1,0,3,1,6,0,1998,3,936,1,216,0,160,0,0,0,2006,105000,105,Less than median +44,3842,8,5,2004,2005,221,1594,1,1646,0,0,1646,1,1,2,0,2,1,5,1,2004,2,482,1,128,53,0,0,155,0,2008,275000,275,More than median +70,8445,5,7,1972,2007,112,768,1,768,0,0,768,1,0,1,0,2,1,5,0,1988,2,396,1,58,0,0,0,0,0,2009,133000,133,Less than median +-1,8780,5,5,1985,1985,208,833,1,833,0,0,833,1,0,1,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2009,112000,112,Less than median +60,7740,4,7,1910,1950,622,622,1,741,622,0,1363,0,0,1,0,3,1,6,0,1966,2,528,1,0,0,0,0,168,0,2010,125500,125.5,Less than median +46,20544,7,6,1986,1991,791,791,1,1236,857,0,2093,0,0,2,1,3,1,7,1,1986,2,542,1,364,63,0,0,0,0,2008,215000,215,More than median +79,12420,7,5,2001,2001,278,944,1,944,896,0,1840,1,0,2,1,3,1,6,0,2001,2,622,1,0,45,0,0,0,0,2009,230000,230,More than median +80,9600,6,8,1950,2005,736,856,1,1112,556,0,1668,0,0,1,1,3,1,6,0,1950,1,271,1,0,0,0,0,0,0,2009,140000,140,Less than median +60,7200,4,5,1949,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1956,2,420,1,0,0,0,0,0,0,2009,90000,90,Less than median +88,10994,8,5,2005,2006,868,1844,1,1844,0,0,1844,1,0,2,0,2,1,7,1,2005,2,620,1,165,44,0,0,0,0,2009,257000,257,More than median +64,13053,6,7,1923,2000,833,833,1,1053,795,0,1848,0,0,1,1,4,1,8,1,1922,2,370,0,0,0,0,0,220,0,2008,207000,207,More than median +51,3635,7,5,2007,2007,398,1386,1,1569,0,0,1569,0,1,2,0,1,1,7,1,2007,3,660,1,143,20,0,0,0,0,2009,175900,175.9,More than median +60,11340,4,6,1885,1950,777,777,1,1246,1044,0,2290,0,0,2,0,4,2,11,0,1971,2,560,0,0,0,114,0,0,0,2010,122500,122.5,Less than median +-1,16545,8,5,1998,1998,503,1284,1,1310,1140,0,2450,1,0,2,1,3,1,7,1,1998,3,1069,1,0,126,0,0,0,0,2009,340000,340,More than median +71,9204,5,5,1963,1963,247,1144,1,1144,0,0,1144,1,0,1,1,3,1,6,0,1962,1,336,1,0,88,0,0,0,0,2008,124000,124,Less than median +-1,16381,6,5,1969,1969,734,1844,1,1844,0,0,1844,1,0,2,0,3,1,7,1,1969,2,540,1,0,73,216,0,0,0,2006,223000,223,More than median +90,11700,6,6,1968,1968,304,708,1,708,708,0,1416,0,0,2,1,3,1,7,1,1968,2,776,1,0,169,0,0,119,0,2006,179900,179.9,More than median +53,4043,6,5,1977,1977,709,1069,1,1069,0,0,1069,0,0,2,0,2,1,4,1,1977,2,440,1,0,55,0,0,165,0,2010,127500,127.5,Less than median +37,4435,6,5,2003,2003,162,848,1,848,0,0,848,1,0,1,0,1,1,3,0,2003,2,420,1,140,0,0,0,0,0,2008,136500,136.5,Less than median +-1,19690,6,7,1966,1966,697,697,1,1575,626,0,2201,0,0,2,0,4,1,8,1,1966,2,432,1,586,236,0,0,0,738,2006,274970,274.97,More than median +-1,9503,5,5,1958,1983,193,1024,1,1344,0,0,1344,1,0,1,0,2,1,6,1,1970,1,484,1,316,28,0,0,0,0,2007,144000,144,Less than median +80,10721,6,6,1959,1959,1252,1252,1,1252,0,0,1252,0,0,1,0,3,1,7,0,1960,2,528,1,0,39,0,0,0,0,2008,142000,142,Less than median +81,10944,7,5,1994,1994,223,1223,1,1223,904,0,2127,1,0,2,1,3,1,5,2,1994,2,525,1,171,132,0,0,0,0,2008,271000,271,More than median +60,10930,5,6,1945,1950,333,913,1,1048,510,0,1558,1,0,1,1,3,1,6,1,1962,1,288,1,0,0,0,0,0,0,2008,140000,140,Less than median +60,7200,5,7,1940,1992,278,788,1,804,0,0,804,1,0,1,0,2,1,4,2,1940,1,240,1,0,0,154,0,0,0,2010,119000,119,Less than median +-1,12546,6,7,1981,1981,762,1440,1,1440,0,0,1440,0,0,2,0,3,1,7,1,1981,2,467,1,0,0,99,0,0,0,2007,182900,182.9,More than median +60,21930,5,5,2005,2005,732,732,1,734,1104,0,1838,0,0,2,1,4,1,7,1,2005,2,372,1,100,40,0,0,0,0,2006,192140,192.14,More than median +-1,4928,6,6,1976,1976,0,958,1,958,0,0,958,0,0,2,0,2,1,5,0,1976,2,440,1,0,60,0,0,0,0,2009,143750,143.75,Less than median +60,10800,4,6,1927,2007,656,656,1,968,0,0,968,0,0,2,0,4,1,5,0,1928,1,216,1,0,0,0,0,0,0,2007,64500,64.5,Less than median +93,10261,6,5,2000,2000,936,936,1,962,830,0,1792,1,0,2,1,3,1,8,1,2000,2,451,1,0,0,0,0,0,0,2008,186500,186.5,More than median +80,17400,5,5,1977,1977,190,1126,1,1126,0,0,1126,1,0,2,0,3,1,5,1,1977,2,484,1,295,41,0,0,0,0,2006,160000,160,Less than median +80,8400,6,9,1962,2005,1319,1319,1,1537,0,0,1537,1,0,1,1,3,1,7,1,1962,2,462,1,0,36,0,0,0,0,2008,174000,174,More than median +60,9000,4,6,1971,1971,248,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1974,2,528,1,0,0,0,0,0,0,2007,120500,120.5,Less than median +96,12444,8,5,2008,2008,596,1932,1,1932,0,0,1932,1,0,2,0,2,1,7,1,2008,3,774,1,0,66,0,304,0,0,2008,394617,394.62,More than median +90,7407,6,7,1957,1996,312,912,1,1236,0,0,1236,1,0,1,0,2,1,6,0,1957,2,923,1,0,158,158,0,0,0,2010,149700,149.7,Less than median +80,11584,7,6,1979,1979,114,539,1,1040,685,0,1725,0,0,2,1,3,1,6,1,1979,2,550,1,0,88,216,0,0,0,2007,197000,197,More than median +79,11526,6,7,1922,1994,588,588,1,1423,748,384,2555,0,0,2,0,3,1,11,1,1993,2,672,1,431,0,0,0,0,0,2008,191000,191,More than median +-1,4426,6,5,2004,2004,151,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,149,0,0,0,0,0,2008,149300,149.3,Less than median +85,11003,10,5,2008,2008,252,1017,1,1026,981,0,2007,1,0,2,1,3,1,10,1,2008,3,812,1,168,52,0,0,0,0,2009,310000,310,More than median +-1,8854,6,6,1916,1950,952,952,0,952,0,0,952,0,0,1,0,2,1,4,1,1916,1,192,1,0,98,0,0,40,0,2009,121000,121,Less than median +63,8500,7,5,2004,2004,1422,1422,1,1422,0,0,1422,0,0,2,0,3,1,7,0,2004,2,626,1,192,60,0,0,0,0,2007,179600,179.6,More than median +70,8400,6,5,1966,1966,0,814,1,913,0,0,913,1,0,1,0,3,1,6,0,1990,1,240,1,0,0,252,0,0,0,2007,129000,129,Less than median +-1,26142,5,7,1962,1962,595,1188,1,1188,0,0,1188,0,0,1,0,3,1,6,0,1962,1,312,1,261,39,0,0,0,0,2010,157900,157.9,Less than median +80,10000,8,5,1995,1996,141,1220,1,1220,870,0,2090,1,0,2,1,3,1,8,1,1995,2,556,1,0,65,0,0,0,0,2007,240000,240,More than median +70,11767,4,7,1910,2000,560,560,0,796,550,0,1346,0,0,1,1,2,1,6,0,1950,1,384,1,168,24,0,0,0,0,2007,112000,112,Less than median +21,1533,5,7,1970,1970,77,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,0,0,0,0,0,0,2006,92000,92,Less than median +60,9000,5,5,1974,1974,896,896,1,896,896,0,1792,0,0,2,2,4,2,8,0,0,0,0,1,32,45,0,0,0,0,2009,136000,136,Less than median +78,9262,8,5,2008,2009,1573,1573,1,1578,0,0,1578,0,0,2,0,3,1,7,1,2008,3,840,1,0,36,0,0,0,0,2009,287090,287.09,More than median +35,3675,5,5,2005,2005,0,547,1,1072,0,0,1072,1,0,1,0,2,1,5,0,2005,2,525,1,0,28,0,0,0,0,2006,145000,145,Less than median +90,17217,5,5,2006,2006,1140,1140,1,1140,0,0,1140,0,0,1,0,3,1,6,0,0,0,0,1,36,56,0,0,0,0,2006,84500,84.5,Less than median +62,7500,7,5,2004,2005,811,1221,1,1221,0,0,1221,1,0,2,0,2,1,6,0,2004,2,400,1,0,113,0,0,0,0,2009,185000,185,More than median +62,7917,6,5,1999,2000,953,953,1,953,694,0,1647,0,0,2,1,3,1,7,1,1999,2,460,1,0,40,0,0,0,0,2007,175000,175,More than median +85,13175,6,6,1978,1988,589,1542,1,2073,0,0,2073,1,0,2,0,3,1,7,2,1978,2,500,1,349,0,0,0,0,0,2010,210000,210,More than median +66,9042,7,9,1941,2006,877,1152,1,1188,1152,0,2340,0,0,2,0,4,1,9,2,1941,1,252,1,0,60,0,0,0,0,2010,266500,266.5,More than median +68,9717,5,6,1950,1996,0,1078,1,1078,0,0,1078,1,0,1,0,2,1,5,0,1950,1,240,1,366,0,112,0,0,0,2010,142125,142.13,Less than median +75,9937,5,6,1965,1965,136,1256,1,1256,0,0,1256,1,0,1,1,3,1,6,0,1965,1,276,1,736,68,0,0,0,0,2008,147500,147.5,Less than median diff --git a/face_verify_sample_rand_data.csv b/face_verify_sample_rand_data.csv new file mode 100644 index 0000000000..712406affb --- /dev/null +++ b/face_verify_sample_rand_data.csv @@ -0,0 +1,4001 @@ +,source_image,target_image,race,gender,golden_label,matching_score +0,Source_Img_0,Target_Img_0,Black,Female,1,1 +1,Source_Img_1,Target_Img_1,Black,Female,1,0.9104725 +2,Source_Img_2,Target_Img_2,Black,Female,1,0.83712675 +3,Source_Img_3,Target_Img_3,Black,Female,0,0.13075208 +4,Source_Img_4,Target_Img_4,Black,Female,1,1 +5,Source_Img_5,Target_Img_5,Black,Female,1,0.905 +6,Source_Img_6,Target_Img_6,Black,Female,1,0.62930356 +7,Source_Img_7,Target_Img_7,Black,Female,0,0.04706076 +8,Source_Img_8,Target_Img_8,Black,Female,0,0.14606383 +9,Source_Img_9,Target_Img_9,Black,Female,0,0.049508985 +10,Source_Img_10,Target_Img_10,Black,Female,0,0.03947343 +11,Source_Img_11,Target_Img_11,Black,Female,1,1 +12,Source_Img_12,Target_Img_12,Black,Female,1,0.7856258 +13,Source_Img_13,Target_Img_13,Black,Female,0,0.170909045 +14,Source_Img_14,Target_Img_14,Black,Female,0,0.19378233 +15,Source_Img_15,Target_Img_15,Black,Female,1,0.75443374 +16,Source_Img_16,Target_Img_16,Black,Female,1,1 +17,Source_Img_17,Target_Img_17,Black,Female,0,0.17690419 +18,Source_Img_18,Target_Img_18,Black,Female,1,0.638933 +19,Source_Img_19,Target_Img_19,Black,Female,1,0.7293986 +20,Source_Img_20,Target_Img_20,Black,Female,1,0.903 +21,Source_Img_21,Target_Img_21,Black,Female,0,0.160410126 +22,Source_Img_22,Target_Img_22,Black,Female,0,0 +23,Source_Img_23,Target_Img_23,Black,Female,1,0.6750643 +24,Source_Img_24,Target_Img_24,Black,Female,0,0.045481694 +25,Source_Img_25,Target_Img_25,Black,Female,0,0.09487555 +26,Source_Img_26,Target_Img_26,Black,Female,0,0.153942296 +27,Source_Img_27,Target_Img_27,Black,Female,0,0.1298799 +28,Source_Img_28,Target_Img_28,Black,Female,1,0.7476388 +29,Source_Img_29,Target_Img_29,Black,Female,1,0.73316335 +30,Source_Img_30,Target_Img_30,Black,Female,1,0.7408154 +31,Source_Img_31,Target_Img_31,Black,Female,1,0.79269095 +32,Source_Img_32,Target_Img_32,Black,Female,0,0.15963756 +33,Source_Img_33,Target_Img_33,Black,Female,1,0.965 +34,Source_Img_34,Target_Img_34,Black,Female,1,0.7711117 +35,Source_Img_35,Target_Img_35,Black,Female,0,0.14391651 +36,Source_Img_36,Target_Img_36,Black,Female,0,0.037785444 +37,Source_Img_37,Target_Img_37,Black,Female,1,0.8391708 +38,Source_Img_38,Target_Img_38,Black,Female,1,0.95317206 +39,Source_Img_39,Target_Img_39,Black,Female,0,0.12854894 +40,Source_Img_40,Target_Img_40,Black,Female,1,0.76343246 +41,Source_Img_41,Target_Img_41,Black,Female,0,0.26651884 +42,Source_Img_42,Target_Img_42,Black,Female,1,0.8044057 +43,Source_Img_43,Target_Img_43,Black,Female,0,0.12067682 +44,Source_Img_44,Target_Img_44,Black,Female,1,0.8257901 +45,Source_Img_45,Target_Img_45,Black,Female,0,0.06340202 +46,Source_Img_46,Target_Img_46,Black,Female,0,0.13431403 +47,Source_Img_47,Target_Img_47,Black,Female,0,0.22553975 +48,Source_Img_48,Target_Img_48,Black,Female,1,0.943 +49,Source_Img_49,Target_Img_49,Black,Female,1,0.76253116 +50,Source_Img_50,Target_Img_50,Black,Female,1,0.65737377 +51,Source_Img_51,Target_Img_51,Black,Female,0,0.178800166 +52,Source_Img_52,Target_Img_52,Black,Female,0,0.078340205 +53,Source_Img_53,Target_Img_53,Black,Female,0,0.01026098 +54,Source_Img_54,Target_Img_54,Black,Female,1,0.5718826 +55,Source_Img_55,Target_Img_55,Black,Female,0,0.15766083 +56,Source_Img_56,Target_Img_56,Black,Female,1,0.9475255 +57,Source_Img_57,Target_Img_57,Black,Female,1,0.9539622 +58,Source_Img_58,Target_Img_58,Black,Female,0,0.00409811 +59,Source_Img_59,Target_Img_59,Black,Female,0,0.28096383 +60,Source_Img_60,Target_Img_60,Black,Female,1,0.9228416 +61,Source_Img_61,Target_Img_61,Black,Female,1,1 +62,Source_Img_62,Target_Img_62,Black,Female,1,0.63387034 +63,Source_Img_63,Target_Img_63,Black,Female,0,0.04546265 +64,Source_Img_64,Target_Img_64,Black,Female,1,0.625338 +65,Source_Img_65,Target_Img_65,Black,Female,1,0.829753 +66,Source_Img_66,Target_Img_66,Black,Female,0,0.3405285 +67,Source_Img_67,Target_Img_67,Black,Female,1,0.7384171 +68,Source_Img_68,Target_Img_68,Black,Female,0,0.078135315 +69,Source_Img_69,Target_Img_69,Black,Female,0,0.11159772 +70,Source_Img_70,Target_Img_70,Black,Female,1,0.918 +71,Source_Img_71,Target_Img_71,Black,Female,0,0.154624414 +72,Source_Img_72,Target_Img_72,Black,Female,0,0.0402612 +73,Source_Img_73,Target_Img_73,Black,Female,1,0.6250867 +74,Source_Img_74,Target_Img_74,Black,Female,0,0.115468246 +75,Source_Img_75,Target_Img_75,Black,Female,1,0.90609357 +76,Source_Img_76,Target_Img_76,Black,Female,0,0.05200612 +77,Source_Img_77,Target_Img_77,Black,Female,1,0.5393728 +78,Source_Img_78,Target_Img_78,Black,Female,0,0.04410786 +79,Source_Img_79,Target_Img_79,Black,Female,0,0.027890746 +80,Source_Img_80,Target_Img_80,Black,Female,1,0.71886774 +81,Source_Img_81,Target_Img_81,Black,Female,1,0.7736835 +82,Source_Img_82,Target_Img_82,Black,Female,1,0.81336975 +83,Source_Img_83,Target_Img_83,Black,Female,0,0.1403826 +84,Source_Img_84,Target_Img_84,Black,Female,0,0.02657864 +85,Source_Img_85,Target_Img_85,Black,Female,1,0.71563477 +86,Source_Img_86,Target_Img_86,Black,Female,0,0.05918036 +87,Source_Img_87,Target_Img_87,Black,Female,1,0.95175614 +88,Source_Img_88,Target_Img_88,Black,Female,0,0.02778439 +89,Source_Img_89,Target_Img_89,Black,Female,0,0 +90,Source_Img_90,Target_Img_90,Black,Female,1,0.9953159 +91,Source_Img_91,Target_Img_91,Black,Female,0,0.18680061 +92,Source_Img_92,Target_Img_92,Black,Female,0,0.1980553 +93,Source_Img_93,Target_Img_93,Black,Female,1,0.96481026 +94,Source_Img_94,Target_Img_94,Black,Female,0,0.15426738 +95,Source_Img_95,Target_Img_95,Black,Female,0,0.13726355 +96,Source_Img_96,Target_Img_96,Black,Female,1,0.952 +97,Source_Img_97,Target_Img_97,Black,Female,1,0.75188845 +98,Source_Img_98,Target_Img_98,Black,Female,0,0.29115184 +99,Source_Img_99,Target_Img_99,Black,Female,1,0.78498954 +100,Source_Img_100,Target_Img_100,Black,Female,0,0.11661838 +101,Source_Img_101,Target_Img_101,Black,Female,0,0.18710083 +102,Source_Img_102,Target_Img_102,Black,Female,1,0.9130719 +103,Source_Img_103,Target_Img_103,Black,Female,0,0.02790135 +104,Source_Img_104,Target_Img_104,Black,Female,1,0.8461549 +105,Source_Img_105,Target_Img_105,Black,Female,0,0.067023165 +106,Source_Img_106,Target_Img_106,Black,Female,1,0.34329014 +107,Source_Img_107,Target_Img_107,Black,Female,1,0.7059234 +108,Source_Img_108,Target_Img_108,Black,Female,1,0.85483204 +109,Source_Img_109,Target_Img_109,Black,Female,1,0.66504186 +110,Source_Img_110,Target_Img_110,Black,Female,0,0.03653299 +111,Source_Img_111,Target_Img_111,Black,Female,0,0.003977166 +112,Source_Img_112,Target_Img_112,Black,Female,0,0.191372936 +113,Source_Img_113,Target_Img_113,Black,Female,1,0.81730835 +114,Source_Img_114,Target_Img_114,Black,Female,1,1 +115,Source_Img_115,Target_Img_115,Black,Female,1,0.63422596 +116,Source_Img_116,Target_Img_116,Black,Female,1,0.6563656 +117,Source_Img_117,Target_Img_117,Black,Female,1,0.87566283 +118,Source_Img_118,Target_Img_118,Black,Female,1,0.7404209 +119,Source_Img_119,Target_Img_119,Black,Female,0,0.10110663 +120,Source_Img_120,Target_Img_120,Black,Female,1,0.5941063 +121,Source_Img_121,Target_Img_121,Black,Female,0,0.29616567 +122,Source_Img_122,Target_Img_122,Black,Female,1,0.8332245 +123,Source_Img_123,Target_Img_123,Black,Female,0,0.070157214 +124,Source_Img_124,Target_Img_124,Black,Female,0,0.032535386 +125,Source_Img_125,Target_Img_125,Black,Female,1,0.7787016 +126,Source_Img_126,Target_Img_126,Black,Female,0,0.12967084 +127,Source_Img_127,Target_Img_127,Black,Female,1,0.86539896 +128,Source_Img_128,Target_Img_128,Black,Female,1,0.67415245 +129,Source_Img_129,Target_Img_129,Black,Female,0,0.02983091 +130,Source_Img_130,Target_Img_130,Black,Female,0,0.09101865 +131,Source_Img_131,Target_Img_131,Black,Female,1,0.77752434 +132,Source_Img_132,Target_Img_132,Black,Female,0,0.023366636 +133,Source_Img_133,Target_Img_133,Black,Female,1,0.6665497 +134,Source_Img_134,Target_Img_134,Black,Female,1,0.941 +135,Source_Img_135,Target_Img_135,Black,Female,0,0.04228235 +136,Source_Img_136,Target_Img_136,Black,Female,1,0.61856407 +137,Source_Img_137,Target_Img_137,Black,Female,1,0.77013965 +138,Source_Img_138,Target_Img_138,Black,Female,0,0.19151291 +139,Source_Img_139,Target_Img_139,Black,Female,1,0.9572656 +140,Source_Img_140,Target_Img_140,Black,Female,1,1 +141,Source_Img_141,Target_Img_141,Black,Female,0,0.26083414 +142,Source_Img_142,Target_Img_142,Black,Female,0,0.064571805 +143,Source_Img_143,Target_Img_143,Black,Female,0,0.123180035 +144,Source_Img_144,Target_Img_144,Black,Female,1,0.8960733 +145,Source_Img_145,Target_Img_145,Black,Female,0,0.19139763 +146,Source_Img_146,Target_Img_146,Black,Female,0,0.06887286 +147,Source_Img_147,Target_Img_147,Black,Female,1,0.57617916 +148,Source_Img_148,Target_Img_148,Black,Female,1,0.8136268 +149,Source_Img_149,Target_Img_149,Black,Female,1,1 +150,Source_Img_150,Target_Img_150,Black,Female,0,0.20567634 +151,Source_Img_151,Target_Img_151,Black,Female,1,1 +152,Source_Img_152,Target_Img_152,Black,Female,0,0.059085956 +153,Source_Img_153,Target_Img_153,Black,Female,1,0.898096 +154,Source_Img_154,Target_Img_154,Black,Female,1,0.7584001 +155,Source_Img_155,Target_Img_155,Black,Female,1,0.4808902 +156,Source_Img_156,Target_Img_156,Black,Female,1,0.71586606 +157,Source_Img_157,Target_Img_157,Black,Female,0,0.04196293 +158,Source_Img_158,Target_Img_158,Black,Female,1,0.8833657 +159,Source_Img_159,Target_Img_159,Black,Female,0,0.00510896 +160,Source_Img_160,Target_Img_160,Black,Female,1,0.7090051 +161,Source_Img_161,Target_Img_161,Black,Female,1,0.843454 +162,Source_Img_162,Target_Img_162,Black,Female,1,0.982 +163,Source_Img_163,Target_Img_163,Black,Female,0,0.1980134 +164,Source_Img_164,Target_Img_164,Black,Female,0,0.08134914 +165,Source_Img_165,Target_Img_165,Black,Female,1,0.6825401 +166,Source_Img_166,Target_Img_166,Black,Female,1,0.7686423 +167,Source_Img_167,Target_Img_167,Black,Female,1,0.7668824 +168,Source_Img_168,Target_Img_168,Black,Female,0,0 +169,Source_Img_169,Target_Img_169,Black,Female,0,0.14498815 +170,Source_Img_170,Target_Img_170,Black,Female,1,0.92 +171,Source_Img_171,Target_Img_171,Black,Female,0,0.00209985 +172,Source_Img_172,Target_Img_172,Black,Female,0,0.15995203 +173,Source_Img_173,Target_Img_173,Black,Female,1,0.7498303 +174,Source_Img_174,Target_Img_174,Black,Female,0,0.10992834 +175,Source_Img_175,Target_Img_175,Black,Female,1,0.70382154 +176,Source_Img_176,Target_Img_176,Black,Female,1,0.82718826 +177,Source_Img_177,Target_Img_177,Black,Female,0,0.27709162 +178,Source_Img_178,Target_Img_178,Black,Female,1,0.7724903 +179,Source_Img_179,Target_Img_179,Black,Female,1,0.8230291 +180,Source_Img_180,Target_Img_180,Black,Female,0,0.14016396 +181,Source_Img_181,Target_Img_181,Black,Female,0,0.16736333 +182,Source_Img_182,Target_Img_182,Black,Female,1,0.7135153 +183,Source_Img_183,Target_Img_183,Black,Female,0,0.090770304 +184,Source_Img_184,Target_Img_184,Black,Female,0,0.1953865 +185,Source_Img_185,Target_Img_185,Black,Female,0,0.09571904 +186,Source_Img_186,Target_Img_186,Black,Female,1,0.68313566 +187,Source_Img_187,Target_Img_187,Black,Female,1,0.69893305 +188,Source_Img_188,Target_Img_188,Black,Female,1,0.904 +189,Source_Img_189,Target_Img_189,Black,Female,1,1 +190,Source_Img_190,Target_Img_190,Black,Female,0,0.23597311 +191,Source_Img_191,Target_Img_191,Black,Female,0,0.17184781 +192,Source_Img_192,Target_Img_192,Black,Female,1,0.7292566 +193,Source_Img_193,Target_Img_193,Black,Female,1,0.62487875 +194,Source_Img_194,Target_Img_194,Black,Female,1,0.7505373 +195,Source_Img_195,Target_Img_195,Black,Female,0,0.11235504 +196,Source_Img_196,Target_Img_196,Black,Female,1,0.64741457 +197,Source_Img_197,Target_Img_197,Black,Female,0,0.10050846 +198,Source_Img_198,Target_Img_198,Black,Female,0,0.23547933 +199,Source_Img_199,Target_Img_199,Black,Female,1,1 +200,Source_Img_200,Target_Img_200,Black,Female,0,0 +201,Source_Img_201,Target_Img_201,Black,Female,0,0.07226286 +202,Source_Img_202,Target_Img_202,Black,Female,1,0.687776 +203,Source_Img_203,Target_Img_203,Black,Female,0,0.01581028 +204,Source_Img_204,Target_Img_204,Black,Female,0,0.093923076 +205,Source_Img_205,Target_Img_205,Black,Female,0,0.146877945 +206,Source_Img_206,Target_Img_206,Black,Female,1,0.6187418 +207,Source_Img_207,Target_Img_207,Black,Female,1,0.6941397 +208,Source_Img_208,Target_Img_208,Black,Female,0,0.02401914 +209,Source_Img_209,Target_Img_209,Black,Female,0,0.11616321 +210,Source_Img_210,Target_Img_210,Black,Female,1,0.7017881 +211,Source_Img_211,Target_Img_211,Black,Female,0,0.07506457 +212,Source_Img_212,Target_Img_212,Black,Female,0,0.14290826 +213,Source_Img_213,Target_Img_213,Black,Female,1,0.8015319 +214,Source_Img_214,Target_Img_214,Black,Female,0,0.01661224 +215,Source_Img_215,Target_Img_215,Black,Female,1,0.67390436 +216,Source_Img_216,Target_Img_216,Black,Female,0,0.02596612 +217,Source_Img_217,Target_Img_217,Black,Female,1,0.952 +218,Source_Img_218,Target_Img_218,Black,Female,0,0.12342212 +219,Source_Img_219,Target_Img_219,Black,Female,1,0.8699549 +220,Source_Img_220,Target_Img_220,Black,Female,0,0.07982948 +221,Source_Img_221,Target_Img_221,Black,Female,1,0.6719238 +222,Source_Img_222,Target_Img_222,Black,Female,0,0.15344667 +223,Source_Img_223,Target_Img_223,Black,Female,0,0.17268762 +224,Source_Img_224,Target_Img_224,Black,Female,1,1 +225,Source_Img_225,Target_Img_225,Black,Female,0,0.23748847 +226,Source_Img_226,Target_Img_226,Black,Female,1,1 +227,Source_Img_227,Target_Img_227,Black,Female,0,0.09816373 +228,Source_Img_228,Target_Img_228,Black,Female,1,0.54228724 +229,Source_Img_229,Target_Img_229,Black,Female,1,0.99 +230,Source_Img_230,Target_Img_230,Black,Female,0,0.17223071 +231,Source_Img_231,Target_Img_231,Black,Female,0,0 +232,Source_Img_232,Target_Img_232,Black,Female,1,0.93416936 +233,Source_Img_233,Target_Img_233,Black,Female,0,0.08403501 +234,Source_Img_234,Target_Img_234,Black,Female,0,0.033560585 +235,Source_Img_235,Target_Img_235,Black,Female,0,0.09282431 +236,Source_Img_236,Target_Img_236,Black,Female,1,0.8129892 +237,Source_Img_237,Target_Img_237,Black,Female,0,0.24741081 +238,Source_Img_238,Target_Img_238,Black,Female,0,0.014466176 +239,Source_Img_239,Target_Img_239,Black,Female,1,0.6744158 +240,Source_Img_240,Target_Img_240,Black,Female,0,0.19099841 +241,Source_Img_241,Target_Img_241,Black,Female,1,0.58892985 +242,Source_Img_242,Target_Img_242,Black,Female,0,0.05509819 +243,Source_Img_243,Target_Img_243,Black,Female,1,0.9577812 +244,Source_Img_244,Target_Img_244,Black,Female,0,0.13170863 +245,Source_Img_245,Target_Img_245,Black,Female,0,0.11172931 +246,Source_Img_246,Target_Img_246,Black,Female,1,0.4975614 +247,Source_Img_247,Target_Img_247,Black,Female,0,0.00758846 +248,Source_Img_248,Target_Img_248,Black,Female,0,0.1541627 +249,Source_Img_249,Target_Img_249,Black,Female,1,0.63338415 +250,Source_Img_250,Target_Img_250,Black,Female,0,0.04510638 +251,Source_Img_251,Target_Img_251,Black,Female,0,0.18524416 +252,Source_Img_252,Target_Img_252,Black,Female,1,0.975 +253,Source_Img_253,Target_Img_253,Black,Female,0,0.03794573 +254,Source_Img_254,Target_Img_254,Black,Female,1,0.5750042 +255,Source_Img_255,Target_Img_255,Black,Female,1,1 +256,Source_Img_256,Target_Img_256,Black,Female,1,0.84243034 +257,Source_Img_257,Target_Img_257,Black,Female,0,0.28423092 +258,Source_Img_258,Target_Img_258,Black,Female,0,0.15406917 +259,Source_Img_259,Target_Img_259,Black,Female,0,0.12694134 +260,Source_Img_260,Target_Img_260,Black,Female,1,0.68379717 +261,Source_Img_261,Target_Img_261,Black,Female,1,0.943 +262,Source_Img_262,Target_Img_262,Black,Female,0,0.08125948 +263,Source_Img_263,Target_Img_263,Black,Female,1,0.70885085 +264,Source_Img_264,Target_Img_264,Black,Female,0,0.1348588 +265,Source_Img_265,Target_Img_265,Black,Female,0,0.05396033 +266,Source_Img_266,Target_Img_266,Black,Female,1,0.6942975 +267,Source_Img_267,Target_Img_267,Black,Female,1,0.82408693 +268,Source_Img_268,Target_Img_268,Black,Female,1,0.7518587 +269,Source_Img_269,Target_Img_269,Black,Female,0,0.08042416 +270,Source_Img_270,Target_Img_270,Black,Female,1,0.71362 +271,Source_Img_271,Target_Img_271,Black,Female,1,0.81505076 +272,Source_Img_272,Target_Img_272,Black,Female,0,0.21973983 +273,Source_Img_273,Target_Img_273,Black,Female,0,0.14100669 +274,Source_Img_274,Target_Img_274,Black,Female,1,0.79748756 +275,Source_Img_275,Target_Img_275,Black,Female,0,0.06168762 +276,Source_Img_276,Target_Img_276,Black,Female,0,0 +277,Source_Img_277,Target_Img_277,Black,Female,0,0.186221004 +278,Source_Img_278,Target_Img_278,Black,Female,1,0.9273273 +279,Source_Img_279,Target_Img_279,Black,Female,0,0.00276682 +280,Source_Img_280,Target_Img_280,Black,Female,1,0.57339915 +281,Source_Img_281,Target_Img_281,Black,Female,1,1 +282,Source_Img_282,Target_Img_282,Black,Female,0,0.16067808 +283,Source_Img_283,Target_Img_283,Black,Female,0,0.077692124 +284,Source_Img_284,Target_Img_284,Black,Female,0,0.09429062 +285,Source_Img_285,Target_Img_285,Black,Female,1,0.5318636 +286,Source_Img_286,Target_Img_286,Black,Female,1,0.67791727 +287,Source_Img_287,Target_Img_287,Black,Female,1,0.72387746 +288,Source_Img_288,Target_Img_288,Black,Female,0,0.141818856 +289,Source_Img_289,Target_Img_289,Black,Female,0,0.31691426 +290,Source_Img_290,Target_Img_290,Black,Female,1,0.8556304 +291,Source_Img_291,Target_Img_291,Black,Female,0,0.090235604 +292,Source_Img_292,Target_Img_292,Black,Female,1,1 +293,Source_Img_293,Target_Img_293,Black,Female,1,0.6993285 +294,Source_Img_294,Target_Img_294,Black,Female,0,0.176319395 +295,Source_Img_295,Target_Img_295,Black,Female,1,0.57352355 +296,Source_Img_296,Target_Img_296,Black,Female,0,0.36507626 +297,Source_Img_297,Target_Img_297,Black,Female,1,0.8564105 +298,Source_Img_298,Target_Img_298,Black,Female,0,0.1130726 +299,Source_Img_299,Target_Img_299,Black,Female,1,0.6973716 +300,Source_Img_300,Target_Img_300,Black,Female,0,0.00677134 +301,Source_Img_301,Target_Img_301,Black,Female,0,0.11341144 +302,Source_Img_302,Target_Img_302,Black,Female,1,0.8591401 +303,Source_Img_303,Target_Img_303,Black,Female,0,0.21227087 +304,Source_Img_304,Target_Img_304,Black,Female,1,0.8191901 +305,Source_Img_305,Target_Img_305,Black,Female,1,1 +306,Source_Img_306,Target_Img_306,Black,Female,0,0.04419039 +307,Source_Img_307,Target_Img_307,Black,Female,1,0.983 +308,Source_Img_308,Target_Img_308,Black,Female,1,1 +309,Source_Img_309,Target_Img_309,Black,Female,0,0.10190632 +310,Source_Img_310,Target_Img_310,Black,Female,1,0.748755 +311,Source_Img_311,Target_Img_311,Black,Female,0,0.159082394 +312,Source_Img_312,Target_Img_312,Black,Female,1,1 +313,Source_Img_313,Target_Img_313,Black,Female,1,0.91735645 +314,Source_Img_314,Target_Img_314,Black,Female,0,0.17542676 +315,Source_Img_315,Target_Img_315,Black,Female,1,0.59858627 +316,Source_Img_316,Target_Img_316,Black,Female,1,0.6711899 +317,Source_Img_317,Target_Img_317,Black,Female,0,0.124272256 +318,Source_Img_318,Target_Img_318,Black,Female,1,0.87981145 +319,Source_Img_319,Target_Img_319,Black,Female,0,0.04526643 +320,Source_Img_320,Target_Img_320,Black,Female,0,0.11056888 +321,Source_Img_321,Target_Img_321,Black,Female,0,0.03505259 +322,Source_Img_322,Target_Img_322,Black,Female,1,0.7153919 +323,Source_Img_323,Target_Img_323,Black,Female,0,0.06366148 +324,Source_Img_324,Target_Img_324,Black,Female,1,1 +325,Source_Img_325,Target_Img_325,Black,Female,0,0.01799999 +326,Source_Img_326,Target_Img_326,Black,Female,0,0.077250555 +327,Source_Img_327,Target_Img_327,Black,Female,1,1 +328,Source_Img_328,Target_Img_328,Black,Female,0,0.214345486 +329,Source_Img_329,Target_Img_329,Black,Female,1,0.5391802 +330,Source_Img_330,Target_Img_330,Black,Female,0,0.09786407 +331,Source_Img_331,Target_Img_331,Black,Female,1,0.7548816 +332,Source_Img_332,Target_Img_332,Black,Female,0,0.00956051 +333,Source_Img_333,Target_Img_333,Black,Female,1,1 +334,Source_Img_334,Target_Img_334,Black,Female,1,0.81546725 +335,Source_Img_335,Target_Img_335,Black,Female,1,0.8445938 +336,Source_Img_336,Target_Img_336,Black,Female,1,0.78745257 +337,Source_Img_337,Target_Img_337,Black,Female,1,0.66701816 +338,Source_Img_338,Target_Img_338,Black,Female,0,0.058388374 +339,Source_Img_339,Target_Img_339,Black,Female,1,0.74301513 +340,Source_Img_340,Target_Img_340,Black,Female,0,0.14788036 +341,Source_Img_341,Target_Img_341,Black,Female,0,0.109117674 +342,Source_Img_342,Target_Img_342,Black,Female,1,0.95782255 +343,Source_Img_343,Target_Img_343,Black,Female,0,0.25910214 +344,Source_Img_344,Target_Img_344,Black,Female,0,0.1071385 +345,Source_Img_345,Target_Img_345,Black,Female,1,0.9246162 +346,Source_Img_346,Target_Img_346,Black,Female,1,1 +347,Source_Img_347,Target_Img_347,Black,Female,1,0.78718326 +348,Source_Img_348,Target_Img_348,Black,Female,0,0 +349,Source_Img_349,Target_Img_349,Black,Female,1,0.6658441 +350,Source_Img_350,Target_Img_350,Black,Female,0,0.11163179 +351,Source_Img_351,Target_Img_351,Black,Female,1,0.7805419 +352,Source_Img_352,Target_Img_352,Black,Female,1,1 +353,Source_Img_353,Target_Img_353,Black,Female,0,0.0766527 +354,Source_Img_354,Target_Img_354,Black,Female,0,0.07048518 +355,Source_Img_355,Target_Img_355,Black,Female,0,0.09481624 +356,Source_Img_356,Target_Img_356,Black,Female,1,0.5606431 +357,Source_Img_357,Target_Img_357,Black,Female,0,0.016431766 +358,Source_Img_358,Target_Img_358,Black,Female,1,0.6542364 +359,Source_Img_359,Target_Img_359,Black,Female,0,0.00806967 +360,Source_Img_360,Target_Img_360,Black,Female,1,0.81307436 +361,Source_Img_361,Target_Img_361,Black,Female,1,0.954 +362,Source_Img_362,Target_Img_362,Black,Female,1,0.5250309 +363,Source_Img_363,Target_Img_363,Black,Female,0,0.132055474 +364,Source_Img_364,Target_Img_364,Black,Female,0,0.06704575 +365,Source_Img_365,Target_Img_365,Black,Female,1,0.77406795 +366,Source_Img_366,Target_Img_366,Black,Female,1,0.918 +367,Source_Img_367,Target_Img_367,Black,Female,0,0.11841547 +368,Source_Img_368,Target_Img_368,Black,Female,1,0.7383472 +369,Source_Img_369,Target_Img_369,Black,Female,0,0.089387625 +370,Source_Img_370,Target_Img_370,Black,Female,0,0.11766492 +371,Source_Img_371,Target_Img_371,Black,Female,1,0.75874677 +372,Source_Img_372,Target_Img_372,Black,Female,1,0.8868709 +373,Source_Img_373,Target_Img_373,Black,Female,1,0.48957347 +374,Source_Img_374,Target_Img_374,Black,Female,1,0.80049 +375,Source_Img_375,Target_Img_375,Black,Female,1,0.57806146 +376,Source_Img_376,Target_Img_376,Black,Female,0,0.0949377 +377,Source_Img_377,Target_Img_377,Black,Female,1,0.58523877 +378,Source_Img_378,Target_Img_378,Black,Female,1,0.8400559 +379,Source_Img_379,Target_Img_379,Black,Female,0,0.02252713 +380,Source_Img_380,Target_Img_380,Black,Female,1,0.7489502 +381,Source_Img_381,Target_Img_381,Black,Female,0,0.2269122 +382,Source_Img_382,Target_Img_382,Black,Female,0,0.095146495 +383,Source_Img_383,Target_Img_383,Black,Female,1,0.72516075 +384,Source_Img_384,Target_Img_384,Black,Female,0,0.04185226 +385,Source_Img_385,Target_Img_385,Black,Female,1,0.57412 +386,Source_Img_386,Target_Img_386,Black,Female,0,0.05173519 +387,Source_Img_387,Target_Img_387,Black,Female,0,0.3442332 +388,Source_Img_388,Target_Img_388,Black,Female,1,0.7913547 +389,Source_Img_389,Target_Img_389,Black,Female,0,0.071463625 +390,Source_Img_390,Target_Img_390,Black,Female,1,0.76088374 +391,Source_Img_391,Target_Img_391,Black,Female,0,0.1612859 +392,Source_Img_392,Target_Img_392,Black,Female,1,1 +393,Source_Img_393,Target_Img_393,Black,Female,1,0.7156786 +394,Source_Img_394,Target_Img_394,Black,Female,0,0.107384665 +395,Source_Img_395,Target_Img_395,Black,Female,1,0.8452383 +396,Source_Img_396,Target_Img_396,Black,Female,0,0.04201137 +397,Source_Img_397,Target_Img_397,Black,Female,1,0.9163096 +398,Source_Img_398,Target_Img_398,Black,Female,0,0.0929929 +399,Source_Img_399,Target_Img_399,Black,Female,0,0.12835617 +400,Source_Img_400,Target_Img_400,Black,Female,1,0.73694534 +401,Source_Img_401,Target_Img_401,Black,Female,0,0.22650453 +402,Source_Img_402,Target_Img_402,Black,Female,0,0.04149392 +403,Source_Img_403,Target_Img_403,Black,Female,1,0.78841075 +404,Source_Img_404,Target_Img_404,Black,Female,0,0.21159654 +405,Source_Img_405,Target_Img_405,Black,Female,1,0.76175904 +406,Source_Img_406,Target_Img_406,Black,Female,1,0.7447306 +407,Source_Img_407,Target_Img_407,Black,Female,0,0.034099905 +408,Source_Img_408,Target_Img_408,Black,Female,1,0.58371945 +409,Source_Img_409,Target_Img_409,Black,Female,1,0.9074583 +410,Source_Img_410,Target_Img_410,Black,Female,0,0.138584895 +411,Source_Img_411,Target_Img_411,Black,Female,0,0.13571155 +412,Source_Img_412,Target_Img_412,Black,Female,1,0.9159309 +413,Source_Img_413,Target_Img_413,Black,Female,0,0.152707586 +414,Source_Img_414,Target_Img_414,Black,Female,0,0.21621092 +415,Source_Img_415,Target_Img_415,Black,Female,1,0.9523687 +416,Source_Img_416,Target_Img_416,Black,Female,0,0.17008808 +417,Source_Img_417,Target_Img_417,Black,Female,1,1 +418,Source_Img_418,Target_Img_418,Black,Female,0,0 +419,Source_Img_419,Target_Img_419,Black,Female,0,0.03431637 +420,Source_Img_420,Target_Img_420,Black,Female,0,0.18310774 +421,Source_Img_421,Target_Img_421,Black,Female,0,0.1674338 +422,Source_Img_422,Target_Img_422,Black,Female,1,0.68573394 +423,Source_Img_423,Target_Img_423,Black,Female,1,0.8192311 +424,Source_Img_424,Target_Img_424,Black,Female,0,0.044604914 +425,Source_Img_425,Target_Img_425,Black,Female,0,0.22998642 +426,Source_Img_426,Target_Img_426,Black,Female,0,0.12575337 +427,Source_Img_427,Target_Img_427,Black,Female,1,0.992 +428,Source_Img_428,Target_Img_428,Black,Female,1,0.48480875 +429,Source_Img_429,Target_Img_429,Black,Female,0,0.02332234 +430,Source_Img_430,Target_Img_430,Black,Female,0,0.18996004 +431,Source_Img_431,Target_Img_431,Black,Female,1,0.7654893 +432,Source_Img_432,Target_Img_432,Black,Female,1,0.6678706 +433,Source_Img_433,Target_Img_433,Black,Female,0,0.080813015 +434,Source_Img_434,Target_Img_434,Black,Female,0,0.00781243 +435,Source_Img_435,Target_Img_435,Black,Female,1,0.5903663 +436,Source_Img_436,Target_Img_436,Black,Female,0,0.1165663 +437,Source_Img_437,Target_Img_437,Black,Female,1,0.66589437 +438,Source_Img_438,Target_Img_438,Black,Female,1,0.7046114 +439,Source_Img_439,Target_Img_439,Black,Female,0,0.00864544 +440,Source_Img_440,Target_Img_440,Black,Female,1,0.54669984 +441,Source_Img_441,Target_Img_441,Black,Female,0,0.14849554 +442,Source_Img_442,Target_Img_442,Black,Female,1,0.82488317 +443,Source_Img_443,Target_Img_443,Black,Female,1,0.69227176 +444,Source_Img_444,Target_Img_444,Black,Female,1,0.68614796 +445,Source_Img_445,Target_Img_445,Black,Female,1,0.78454434 +446,Source_Img_446,Target_Img_446,Black,Female,0,0.20897783 +447,Source_Img_447,Target_Img_447,Black,Female,1,0.943 +448,Source_Img_448,Target_Img_448,Black,Female,0,0.27205292 +449,Source_Img_449,Target_Img_449,Black,Female,0,0.1215419 +450,Source_Img_450,Target_Img_450,Black,Female,0,0.22959616 +451,Source_Img_451,Target_Img_451,Black,Female,1,0.6720937 +452,Source_Img_452,Target_Img_452,Black,Female,0,0.00198414 +453,Source_Img_453,Target_Img_453,Black,Female,1,0.9036221 +454,Source_Img_454,Target_Img_454,Black,Female,0,0.1826554 +455,Source_Img_455,Target_Img_455,Black,Female,1,0.6394435 +456,Source_Img_456,Target_Img_456,Black,Female,1,0.637689 +457,Source_Img_457,Target_Img_457,Black,Female,1,1 +458,Source_Img_458,Target_Img_458,Black,Female,1,0.7612933 +459,Source_Img_459,Target_Img_459,Black,Female,0,0.00709889 +460,Source_Img_460,Target_Img_460,Black,Female,0,0.17982115 +461,Source_Img_461,Target_Img_461,Black,Female,1,0.81795864 +462,Source_Img_462,Target_Img_462,Black,Female,1,0.68720975 +463,Source_Img_463,Target_Img_463,Black,Female,0,0.03232965 +464,Source_Img_464,Target_Img_464,Black,Female,0,0.04356135 +465,Source_Img_465,Target_Img_465,Black,Female,1,0.81282415 +466,Source_Img_466,Target_Img_466,Black,Female,1,1 +467,Source_Img_467,Target_Img_467,Black,Female,0,0.035249126 +468,Source_Img_468,Target_Img_468,Black,Female,0,0.06549156 +469,Source_Img_469,Target_Img_469,Black,Female,1,0.8081238 +470,Source_Img_470,Target_Img_470,Black,Female,1,0.6079132 +471,Source_Img_471,Target_Img_471,Black,Female,1,0.82716765 +472,Source_Img_472,Target_Img_472,Black,Female,0,0.11953804 +473,Source_Img_473,Target_Img_473,Black,Female,0,0.0826164 +474,Source_Img_474,Target_Img_474,Black,Female,0,0 +475,Source_Img_475,Target_Img_475,Black,Female,0,0.128120694 +476,Source_Img_476,Target_Img_476,Black,Female,1,0.7799868 +477,Source_Img_477,Target_Img_477,Black,Female,1,0.855774 +478,Source_Img_478,Target_Img_478,Black,Female,0,0.07361202 +479,Source_Img_479,Target_Img_479,Black,Female,1,0.90325477 +480,Source_Img_480,Target_Img_480,Black,Female,1,0.9632291 +481,Source_Img_481,Target_Img_481,Black,Female,0,0.15792336 +482,Source_Img_482,Target_Img_482,Black,Female,1,0.8429066 +483,Source_Img_483,Target_Img_483,Black,Female,0,0.131981466 +484,Source_Img_484,Target_Img_484,Black,Female,1,0.78034894 +485,Source_Img_485,Target_Img_485,Black,Female,1,0.92 +486,Source_Img_486,Target_Img_486,Black,Female,0,0.19234222 +487,Source_Img_487,Target_Img_487,Black,Female,1,0.6912937 +488,Source_Img_488,Target_Img_488,Black,Female,0,0.11141826 +489,Source_Img_489,Target_Img_489,Black,Female,0,0.0811306 +490,Source_Img_490,Target_Img_490,Black,Female,0,0.09315039 +491,Source_Img_491,Target_Img_491,Black,Female,1,1 +492,Source_Img_492,Target_Img_492,Black,Female,0,0.11489942 +493,Source_Img_493,Target_Img_493,Black,Female,1,0.5699297 +494,Source_Img_494,Target_Img_494,Black,Female,1,0.8942075 +495,Source_Img_495,Target_Img_495,Black,Female,1,0.84619144 +496,Source_Img_496,Target_Img_496,Black,Female,0,0.192399546 +497,Source_Img_497,Target_Img_497,Black,Female,1,0.78551486 +498,Source_Img_498,Target_Img_498,Black,Female,0,0.05269993 +499,Source_Img_499,Target_Img_499,Black,Female,0,0.03057799 +500,Source_Img_500,Target_Img_500,Black,Female,1,0.8315801 +501,Source_Img_501,Target_Img_501,Black,Female,1,0.8306777 +502,Source_Img_502,Target_Img_502,Black,Female,0,0.19299637 +503,Source_Img_503,Target_Img_503,Black,Female,1,0.6761793 +504,Source_Img_504,Target_Img_504,Black,Female,1,0.939 +505,Source_Img_505,Target_Img_505,Black,Female,1,0.618788 +506,Source_Img_506,Target_Img_506,Black,Female,1,0.9088014 +507,Source_Img_507,Target_Img_507,Black,Female,1,0.78054357 +508,Source_Img_508,Target_Img_508,Black,Female,0,0.1154625 +509,Source_Img_509,Target_Img_509,Black,Female,1,0.7148922 +510,Source_Img_510,Target_Img_510,Black,Female,0,0.18118858 +511,Source_Img_511,Target_Img_511,Black,Female,0,0.053383 +512,Source_Img_512,Target_Img_512,Black,Female,1,0.8991797 +513,Source_Img_513,Target_Img_513,Black,Female,0,0.19419518 +514,Source_Img_514,Target_Img_514,Black,Female,0,0.1419265 +515,Source_Img_515,Target_Img_515,Black,Female,1,0.79203753 +516,Source_Img_516,Target_Img_516,Black,Female,0,0.084188184 +517,Source_Img_517,Target_Img_517,Black,Female,1,0.83346205 +518,Source_Img_518,Target_Img_518,Black,Female,0,0.16190869 +519,Source_Img_519,Target_Img_519,Black,Female,0,0.04169435 +520,Source_Img_520,Target_Img_520,Black,Female,1,0.97171936 +521,Source_Img_521,Target_Img_521,Black,Female,0,0.206074366 +522,Source_Img_522,Target_Img_522,Black,Female,0,0.13367911 +523,Source_Img_523,Target_Img_523,Black,Female,1,1 +524,Source_Img_524,Target_Img_524,Black,Female,0,0.09153544 +525,Source_Img_525,Target_Img_525,Black,Female,1,0.6940454 +526,Source_Img_526,Target_Img_526,Black,Female,0,0.17759334 +527,Source_Img_527,Target_Img_527,Black,Female,1,1 +528,Source_Img_528,Target_Img_528,Black,Female,0,0.05500388 +529,Source_Img_529,Target_Img_529,Black,Female,1,0.78970607 +530,Source_Img_530,Target_Img_530,Black,Female,0,0.08876777 +531,Source_Img_531,Target_Img_531,Black,Female,0,0.08967839 +532,Source_Img_532,Target_Img_532,Black,Female,0,0.2127596 +533,Source_Img_533,Target_Img_533,Black,Female,1,0.52845806 +534,Source_Img_534,Target_Img_534,Black,Female,0,0.13080907 +535,Source_Img_535,Target_Img_535,Black,Female,1,0.7451991 +536,Source_Img_536,Target_Img_536,Black,Female,0,0.07598108 +537,Source_Img_537,Target_Img_537,Black,Female,0,0.10323876 +538,Source_Img_538,Target_Img_538,Black,Female,1,0.81433594 +539,Source_Img_539,Target_Img_539,Black,Female,1,0.79850044 +540,Source_Img_540,Target_Img_540,Black,Female,0,0.18309708 +541,Source_Img_541,Target_Img_541,Black,Female,1,0.5609355 +542,Source_Img_542,Target_Img_542,Black,Female,0,0.06793154 +543,Source_Img_543,Target_Img_543,Black,Female,0,0.162643116 +544,Source_Img_544,Target_Img_544,Black,Female,1,0.6154355 +545,Source_Img_545,Target_Img_545,Black,Female,1,0.6131527 +546,Source_Img_546,Target_Img_546,Black,Female,0,0.110760576 +547,Source_Img_547,Target_Img_547,Black,Female,1,0.74668895 +548,Source_Img_548,Target_Img_548,Black,Female,1,0.62052746 +549,Source_Img_549,Target_Img_549,Black,Female,0,0.02085578 +550,Source_Img_550,Target_Img_550,Black,Female,1,0.6922081 +551,Source_Img_551,Target_Img_551,Black,Female,1,0.83087784 +552,Source_Img_552,Target_Img_552,Black,Female,1,0.7619321 +553,Source_Img_553,Target_Img_553,Black,Female,1,0.74777765 +554,Source_Img_554,Target_Img_554,Black,Female,0,0.022386864 +555,Source_Img_555,Target_Img_555,Black,Female,1,0.81195367 +556,Source_Img_556,Target_Img_556,Black,Female,0,0.02707153 +557,Source_Img_557,Target_Img_557,Black,Female,1,0.7880228 +558,Source_Img_558,Target_Img_558,Black,Female,1,0.56658385 +559,Source_Img_559,Target_Img_559,Black,Female,0,0.008152256 +560,Source_Img_560,Target_Img_560,Black,Female,0,0.106705975 +561,Source_Img_561,Target_Img_561,Black,Female,1,0.61750027 +562,Source_Img_562,Target_Img_562,Black,Female,0,0.08639981 +563,Source_Img_563,Target_Img_563,Black,Female,0,0.07078002 +564,Source_Img_564,Target_Img_564,Black,Female,1,1 +565,Source_Img_565,Target_Img_565,Black,Female,1,0.77141316 +566,Source_Img_566,Target_Img_566,Black,Female,0,0.002852836 +567,Source_Img_567,Target_Img_567,Black,Female,1,0.7043422 +568,Source_Img_568,Target_Img_568,Black,Female,1,1 +569,Source_Img_569,Target_Img_569,Black,Female,0,0.07037259 +570,Source_Img_570,Target_Img_570,Black,Female,1,0.83558147 +571,Source_Img_571,Target_Img_571,Black,Female,1,0.95 +572,Source_Img_572,Target_Img_572,Black,Female,1,0.7917841 +573,Source_Img_573,Target_Img_573,Black,Female,1,1 +574,Source_Img_574,Target_Img_574,Black,Female,0,0.14693769 +575,Source_Img_575,Target_Img_575,Black,Female,0,0.19009811 +576,Source_Img_576,Target_Img_576,Black,Female,0,0.013781684 +577,Source_Img_577,Target_Img_577,Black,Female,1,0.75904484 +578,Source_Img_578,Target_Img_578,Black,Female,0,0.070214955 +579,Source_Img_579,Target_Img_579,Black,Female,0,0.0063374 +580,Source_Img_580,Target_Img_580,Black,Female,1,0.983 +581,Source_Img_581,Target_Img_581,Black,Female,1,1 +582,Source_Img_582,Target_Img_582,Black,Female,0,0.13859416 +583,Source_Img_583,Target_Img_583,Black,Female,0,0.14572894 +584,Source_Img_584,Target_Img_584,Black,Female,0,0.00046174 +585,Source_Img_585,Target_Img_585,Black,Female,1,0.7500423 +586,Source_Img_586,Target_Img_586,Black,Female,0,0.10862098 +587,Source_Img_587,Target_Img_587,Black,Female,1,0.9037562 +588,Source_Img_588,Target_Img_588,Black,Female,0,0.09681742 +589,Source_Img_589,Target_Img_589,Black,Female,1,0.63266467 +590,Source_Img_590,Target_Img_590,Black,Female,0,0.24672445 +591,Source_Img_591,Target_Img_591,Black,Female,1,1 +592,Source_Img_592,Target_Img_592,Black,Female,0,0.16717767 +593,Source_Img_593,Target_Img_593,Black,Female,1,1 +594,Source_Img_594,Target_Img_594,Black,Female,0,0.41028994 +595,Source_Img_595,Target_Img_595,Black,Female,1,0.73301046 +596,Source_Img_596,Target_Img_596,Black,Female,0,0.00431129 +597,Source_Img_597,Target_Img_597,Black,Female,1,0.64961816 +598,Source_Img_598,Target_Img_598,Black,Female,0,0.082955585 +599,Source_Img_599,Target_Img_599,Black,Female,0,0.2176954 +600,Source_Img_600,Target_Img_600,Black,Female,1,0.7544874 +601,Source_Img_601,Target_Img_601,Black,Female,0,0.126796266 +602,Source_Img_602,Target_Img_602,Black,Female,0,0 +603,Source_Img_603,Target_Img_603,Black,Female,0,0.22501912 +604,Source_Img_604,Target_Img_604,Black,Female,0,0.09134498 +605,Source_Img_605,Target_Img_605,Black,Female,1,0.7947847 +606,Source_Img_606,Target_Img_606,Black,Female,1,0.47508267 +607,Source_Img_607,Target_Img_607,Black,Female,1,0.65401095 +608,Source_Img_608,Target_Img_608,Black,Female,1,0.8913236 +609,Source_Img_609,Target_Img_609,Black,Female,0,0.148560335 +610,Source_Img_610,Target_Img_610,Black,Female,1,0.90944563 +611,Source_Img_611,Target_Img_611,Black,Female,0,0.23606642 +612,Source_Img_612,Target_Img_612,Black,Female,1,0.955 +613,Source_Img_613,Target_Img_613,Black,Female,0,0.11994476 +614,Source_Img_614,Target_Img_614,Black,Female,1,0.996 +615,Source_Img_615,Target_Img_615,Black,Female,1,0.8522299 +616,Source_Img_616,Target_Img_616,Black,Female,1,1 +617,Source_Img_617,Target_Img_617,Black,Female,0,0.02365196 +618,Source_Img_618,Target_Img_618,Black,Female,1,0.75325574 +619,Source_Img_619,Target_Img_619,Black,Female,0,0.07305664 +620,Source_Img_620,Target_Img_620,Black,Female,0,0.15436052 +621,Source_Img_621,Target_Img_621,Black,Female,1,0.72135146 +622,Source_Img_622,Target_Img_622,Black,Female,1,1 +623,Source_Img_623,Target_Img_623,Black,Female,0,0.11259938 +624,Source_Img_624,Target_Img_624,Black,Female,1,0.5815934 +625,Source_Img_625,Target_Img_625,Black,Female,0,0.195858846 +626,Source_Img_626,Target_Img_626,Black,Female,1,0.87105296 +627,Source_Img_627,Target_Img_627,Black,Female,0,0.16997076 +628,Source_Img_628,Target_Img_628,Black,Female,1,0.74176775 +629,Source_Img_629,Target_Img_629,Black,Female,0,0.10752467 +630,Source_Img_630,Target_Img_630,Black,Female,1,0.8329961 +631,Source_Img_631,Target_Img_631,Black,Female,1,0.86207515 +632,Source_Img_632,Target_Img_632,Black,Female,0,0.22474538 +633,Source_Img_633,Target_Img_633,Black,Female,1,0.7819848 +634,Source_Img_634,Target_Img_634,Black,Female,0,0.21276033 +635,Source_Img_635,Target_Img_635,Black,Female,0,0.02434479 +636,Source_Img_636,Target_Img_636,Black,Female,1,0.8040683 +637,Source_Img_637,Target_Img_637,Black,Female,1,0.60202774 +638,Source_Img_638,Target_Img_638,Black,Female,0,0.12541285 +639,Source_Img_639,Target_Img_639,Black,Female,0,0.02093681 +640,Source_Img_640,Target_Img_640,Black,Female,1,0.7119363 +641,Source_Img_641,Target_Img_641,Black,Female,1,0.7474953 +642,Source_Img_642,Target_Img_642,Black,Female,0,0.17984063 +643,Source_Img_643,Target_Img_643,Black,Female,1,0.6741467 +644,Source_Img_644,Target_Img_644,Black,Female,1,0.8395815 +645,Source_Img_645,Target_Img_645,Black,Female,0,0.15763653 +646,Source_Img_646,Target_Img_646,Black,Female,1,0.9595824 +647,Source_Img_647,Target_Img_647,Black,Female,1,1 +648,Source_Img_648,Target_Img_648,Black,Female,1,0.83087524 +649,Source_Img_649,Target_Img_649,Black,Female,0,0.03283769 +650,Source_Img_650,Target_Img_650,Black,Female,1,0.7003742 +651,Source_Img_651,Target_Img_651,Black,Female,0,0.110539834 +652,Source_Img_652,Target_Img_652,Black,Female,1,0.679089 +653,Source_Img_653,Target_Img_653,Black,Female,1,0.8057822 +654,Source_Img_654,Target_Img_654,Black,Female,1,0.6608085 +655,Source_Img_655,Target_Img_655,Black,Female,1,0.76673016 +656,Source_Img_656,Target_Img_656,Black,Female,0,0.135539156 +657,Source_Img_657,Target_Img_657,Black,Female,1,0.6833806 +658,Source_Img_658,Target_Img_658,Black,Female,0,0.124849944 +659,Source_Img_659,Target_Img_659,Black,Female,1,0.8651926 +660,Source_Img_660,Target_Img_660,Black,Female,0,0.210624866 +661,Source_Img_661,Target_Img_661,Black,Female,0,0.05220465 +662,Source_Img_662,Target_Img_662,Black,Female,0,0.05645921 +663,Source_Img_663,Target_Img_663,Black,Female,0,0.05308052 +664,Source_Img_664,Target_Img_664,Black,Female,1,1 +665,Source_Img_665,Target_Img_665,Black,Female,0,0.12804433 +666,Source_Img_666,Target_Img_666,Black,Female,0,0.1016958 +667,Source_Img_667,Target_Img_667,Black,Female,1,0.6239349 +668,Source_Img_668,Target_Img_668,Black,Female,1,0.69463404 +669,Source_Img_669,Target_Img_669,Black,Female,0,0.109215806 +670,Source_Img_670,Target_Img_670,Black,Female,1,0.7668934 +671,Source_Img_671,Target_Img_671,Black,Female,0,0.21404374 +672,Source_Img_672,Target_Img_672,Black,Female,1,0.7358578 +673,Source_Img_673,Target_Img_673,Black,Female,0,0.1546573 +674,Source_Img_674,Target_Img_674,Black,Female,0,0.00167383 +675,Source_Img_675,Target_Img_675,Black,Female,0,0.01719427 +676,Source_Img_676,Target_Img_676,Black,Female,1,0.8658219 +677,Source_Img_677,Target_Img_677,Black,Female,0,0.18176726 +678,Source_Img_678,Target_Img_678,Black,Female,1,1 +679,Source_Img_679,Target_Img_679,Black,Female,0,0.14241993 +680,Source_Img_680,Target_Img_680,Black,Female,1,0.7343011 +681,Source_Img_681,Target_Img_681,Black,Female,1,0.93156506 +682,Source_Img_682,Target_Img_682,Black,Female,0,0.125020196 +683,Source_Img_683,Target_Img_683,Black,Female,1,0.7593826 +684,Source_Img_684,Target_Img_684,Black,Female,1,0.7870649 +685,Source_Img_685,Target_Img_685,Black,Female,0,0.11768858 +686,Source_Img_686,Target_Img_686,Black,Female,1,0.8762025 +687,Source_Img_687,Target_Img_687,Black,Female,0,0 +688,Source_Img_688,Target_Img_688,Black,Female,1,0.8317242 +689,Source_Img_689,Target_Img_689,Black,Female,0,0.09771416 +690,Source_Img_690,Target_Img_690,Black,Female,0,0.08456854 +691,Source_Img_691,Target_Img_691,Black,Female,0,0.14822901 +692,Source_Img_692,Target_Img_692,Black,Female,1,0.50448625 +693,Source_Img_693,Target_Img_693,Black,Female,0,0.00601587 +694,Source_Img_694,Target_Img_694,Black,Female,1,0.9021274 +695,Source_Img_695,Target_Img_695,Black,Female,0,0.130697276 +696,Source_Img_696,Target_Img_696,Black,Female,1,0.7293482 +697,Source_Img_697,Target_Img_697,Black,Female,1,0.69183366 +698,Source_Img_698,Target_Img_698,Black,Female,0,0.09998392 +699,Source_Img_699,Target_Img_699,Black,Female,1,0.8773442 +700,Source_Img_700,Target_Img_700,Black,Female,0,0.09830661 +701,Source_Img_701,Target_Img_701,Black,Female,1,0.79440686 +702,Source_Img_702,Target_Img_702,Black,Female,1,0.771672 +703,Source_Img_703,Target_Img_703,Black,Female,0,0.14672598 +704,Source_Img_704,Target_Img_704,Black,Female,0,0.12876413 +705,Source_Img_705,Target_Img_705,Black,Female,1,1 +706,Source_Img_706,Target_Img_706,Black,Female,0,0 +707,Source_Img_707,Target_Img_707,Black,Female,0,0.11925012 +708,Source_Img_708,Target_Img_708,Black,Female,0,0.18240568 +709,Source_Img_709,Target_Img_709,Black,Female,1,0.77989795 +710,Source_Img_710,Target_Img_710,Black,Female,0,0.165160204 +711,Source_Img_711,Target_Img_711,Black,Female,1,0.9591531 +712,Source_Img_712,Target_Img_712,Black,Female,0,0.00485778 +713,Source_Img_713,Target_Img_713,Black,Female,0,0.16050265 +714,Source_Img_714,Target_Img_714,Black,Female,1,0.93177827 +715,Source_Img_715,Target_Img_715,Black,Female,0,0.14608516 +716,Source_Img_716,Target_Img_716,Black,Female,1,0.7569705 +717,Source_Img_717,Target_Img_717,Black,Female,0,0.15193932 +718,Source_Img_718,Target_Img_718,Black,Female,1,0.982 +719,Source_Img_719,Target_Img_719,Black,Female,1,0.7279905 +720,Source_Img_720,Target_Img_720,Black,Female,1,0.77235 +721,Source_Img_721,Target_Img_721,Black,Female,0,0.15586741 +722,Source_Img_722,Target_Img_722,Black,Female,1,0.7240834 +723,Source_Img_723,Target_Img_723,Black,Female,1,0.6727989 +724,Source_Img_724,Target_Img_724,Black,Female,1,0.76091715 +725,Source_Img_725,Target_Img_725,Black,Female,0,0.06822214 +726,Source_Img_726,Target_Img_726,Black,Female,1,0.7250304 +727,Source_Img_727,Target_Img_727,Black,Female,0,0.01221525 +728,Source_Img_728,Target_Img_728,Black,Female,1,0.862745 +729,Source_Img_729,Target_Img_729,Black,Female,0,0.06905383 +730,Source_Img_730,Target_Img_730,Black,Female,0,0.16442861 +731,Source_Img_731,Target_Img_731,Black,Female,1,0.6876349 +732,Source_Img_732,Target_Img_732,Black,Female,1,0.71342944 +733,Source_Img_733,Target_Img_733,Black,Female,0,0.029171025 +734,Source_Img_734,Target_Img_734,Black,Female,1,0.9 +735,Source_Img_735,Target_Img_735,Black,Female,0,0.12559675 +736,Source_Img_736,Target_Img_736,Black,Female,0,0.14133263 +737,Source_Img_737,Target_Img_737,Black,Female,0,0.28962287 +738,Source_Img_738,Target_Img_738,Black,Female,1,0.9473815 +739,Source_Img_739,Target_Img_739,Black,Female,0,0.16742479 +740,Source_Img_740,Target_Img_740,Black,Female,1,0.9337596 +741,Source_Img_741,Target_Img_741,Black,Female,1,0.916 +742,Source_Img_742,Target_Img_742,Black,Female,0,0.21137888 +743,Source_Img_743,Target_Img_743,Black,Female,0,0.01544544 +744,Source_Img_744,Target_Img_744,Black,Female,1,0.98233075 +745,Source_Img_745,Target_Img_745,Black,Female,1,0.49369014 +746,Source_Img_746,Target_Img_746,Black,Female,0,0.21331458 +747,Source_Img_747,Target_Img_747,Black,Female,0,0.12891567 +748,Source_Img_748,Target_Img_748,Black,Female,1,0.9164192 +749,Source_Img_749,Target_Img_749,Black,Female,1,0.88298584 +750,Source_Img_750,Target_Img_750,Black,Female,0,0.15284654 +751,Source_Img_751,Target_Img_751,Black,Female,1,0.9945779 +752,Source_Img_752,Target_Img_752,Black,Female,1,0.65876265 +753,Source_Img_753,Target_Img_753,Black,Female,0,0.12841838 +754,Source_Img_754,Target_Img_754,Black,Female,1,0.765562 +755,Source_Img_755,Target_Img_755,Black,Female,0,0.15077082 +756,Source_Img_756,Target_Img_756,Black,Female,1,0.73448465 +757,Source_Img_757,Target_Img_757,Black,Female,0,0.02154479 +758,Source_Img_758,Target_Img_758,Black,Female,1,0.9 +759,Source_Img_759,Target_Img_759,Black,Female,0,0.0684539 +760,Source_Img_760,Target_Img_760,Black,Female,1,0.7556342 +761,Source_Img_761,Target_Img_761,Black,Female,0,0.13125398 +762,Source_Img_762,Target_Img_762,Black,Female,1,1 +763,Source_Img_763,Target_Img_763,Black,Female,1,0.67080954 +764,Source_Img_764,Target_Img_764,Black,Female,1,0.9219217 +765,Source_Img_765,Target_Img_765,Black,Female,0,0.156752816 +766,Source_Img_766,Target_Img_766,Black,Female,1,0.53733533 +767,Source_Img_767,Target_Img_767,Black,Female,0,0.045076596 +768,Source_Img_768,Target_Img_768,Black,Female,1,0.8234981 +769,Source_Img_769,Target_Img_769,Black,Female,1,0.60388177 +770,Source_Img_770,Target_Img_770,Black,Female,1,0.73164776 +771,Source_Img_771,Target_Img_771,Black,Female,0,0.11297167 +772,Source_Img_772,Target_Img_772,Black,Female,1,0.793938 +773,Source_Img_773,Target_Img_773,Black,Female,0,0.172280894 +774,Source_Img_774,Target_Img_774,Black,Female,0,0.171274925 +775,Source_Img_775,Target_Img_775,Black,Female,1,0.7553828 +776,Source_Img_776,Target_Img_776,Black,Female,1,0.989 +777,Source_Img_777,Target_Img_777,Black,Female,1,0.8765604 +778,Source_Img_778,Target_Img_778,Black,Female,0,0.175300905 +779,Source_Img_779,Target_Img_779,Black,Female,1,0.65494637 +780,Source_Img_780,Target_Img_780,Black,Female,0,0.02012279 +781,Source_Img_781,Target_Img_781,Black,Female,1,0.7701532 +782,Source_Img_782,Target_Img_782,Black,Female,0,0.00898334 +783,Source_Img_783,Target_Img_783,Black,Female,1,0.8223201 +784,Source_Img_784,Target_Img_784,Black,Female,0,0.067917985 +785,Source_Img_785,Target_Img_785,Black,Female,0,0.08960259 +786,Source_Img_786,Target_Img_786,Black,Female,1,0.7488599 +787,Source_Img_787,Target_Img_787,Black,Female,1,0.6907199 +788,Source_Img_788,Target_Img_788,Black,Female,0,0.1351354 +789,Source_Img_789,Target_Img_789,Black,Female,0,0.090840014 +790,Source_Img_790,Target_Img_790,Black,Female,0,0.14211467 +791,Source_Img_791,Target_Img_791,Black,Female,1,0.82359315 +792,Source_Img_792,Target_Img_792,Black,Female,0,0.13314513 +793,Source_Img_793,Target_Img_793,Black,Female,1,0.8323638 +794,Source_Img_794,Target_Img_794,Black,Female,0,0.23240154 +795,Source_Img_795,Target_Img_795,Black,Female,0,0.16965018 +796,Source_Img_796,Target_Img_796,Black,Female,0,0.19633878 +797,Source_Img_797,Target_Img_797,Black,Female,0,0.24735582 +798,Source_Img_798,Target_Img_798,Black,Female,1,1 +799,Source_Img_799,Target_Img_799,Black,Female,1,1 +800,Source_Img_800,Target_Img_800,Black,Female,0,0.10013103 +801,Source_Img_801,Target_Img_801,Black,Female,1,1 +802,Source_Img_802,Target_Img_802,Black,Female,0,0.108820836 +803,Source_Img_803,Target_Img_803,Black,Female,0,0.17456069 +804,Source_Img_804,Target_Img_804,Black,Female,1,0.74559544 +805,Source_Img_805,Target_Img_805,Black,Female,0,0.23585259 +806,Source_Img_806,Target_Img_806,Black,Female,0,0.04784933 +807,Source_Img_807,Target_Img_807,Black,Female,0,0.08663904 +808,Source_Img_808,Target_Img_808,Black,Female,1,0.66075227 +809,Source_Img_809,Target_Img_809,Black,Female,1,0.8543061 +810,Source_Img_810,Target_Img_810,Black,Female,0,0.12909733 +811,Source_Img_811,Target_Img_811,Black,Female,1,1 +812,Source_Img_812,Target_Img_812,Black,Female,1,0.8551836 +813,Source_Img_813,Target_Img_813,Black,Female,1,0.76418774 +814,Source_Img_814,Target_Img_814,Black,Female,0,0.016563136 +815,Source_Img_815,Target_Img_815,Black,Female,0,0.1498475 +816,Source_Img_816,Target_Img_816,Black,Female,0,0.17563029 +817,Source_Img_817,Target_Img_817,Black,Female,1,0.8077816 +818,Source_Img_818,Target_Img_818,Black,Female,0,0.111694086 +819,Source_Img_819,Target_Img_819,Black,Female,1,1 +820,Source_Img_820,Target_Img_820,Black,Female,1,0.3332648 +821,Source_Img_821,Target_Img_821,Black,Female,1,0.55975445 +822,Source_Img_822,Target_Img_822,Black,Female,1,0.86963655 +823,Source_Img_823,Target_Img_823,Black,Female,0,0 +824,Source_Img_824,Target_Img_824,Black,Female,1,0.9540632 +825,Source_Img_825,Target_Img_825,Black,Female,0,0.054912405 +826,Source_Img_826,Target_Img_826,Black,Female,1,0.6132034 +827,Source_Img_827,Target_Img_827,Black,Female,1,0.6992108 +828,Source_Img_828,Target_Img_828,Black,Female,0,0.087607374 +829,Source_Img_829,Target_Img_829,Black,Female,1,0.7988151 +830,Source_Img_830,Target_Img_830,Black,Female,0,0.40309085 +831,Source_Img_831,Target_Img_831,Black,Female,0,0.06630533 +832,Source_Img_832,Target_Img_832,Black,Female,1,0.95046856 +833,Source_Img_833,Target_Img_833,Black,Female,1,0.6228738 +834,Source_Img_834,Target_Img_834,Black,Female,1,0.9082842 +835,Source_Img_835,Target_Img_835,Black,Female,0,0.09614202 +836,Source_Img_836,Target_Img_836,Black,Female,0,0.086817485 +837,Source_Img_837,Target_Img_837,Black,Female,1,0.69253394 +838,Source_Img_838,Target_Img_838,Black,Female,0,0.14343381 +839,Source_Img_839,Target_Img_839,Black,Female,0,0.11420632 +840,Source_Img_840,Target_Img_840,Black,Female,1,0.755541 +841,Source_Img_841,Target_Img_841,Black,Female,0,0.28183998 +842,Source_Img_842,Target_Img_842,Black,Female,1,0.806348 +843,Source_Img_843,Target_Img_843,Black,Female,0,0.08193798 +844,Source_Img_844,Target_Img_844,Black,Female,0,0.18083395 +845,Source_Img_845,Target_Img_845,Black,Female,1,0.7554402 +846,Source_Img_846,Target_Img_846,Black,Female,0,0.020532725 +847,Source_Img_847,Target_Img_847,Black,Female,1,0.8315233 +848,Source_Img_848,Target_Img_848,Black,Female,1,0.6588537 +849,Source_Img_849,Target_Img_849,Black,Female,0,0.04646905 +850,Source_Img_850,Target_Img_850,Black,Female,1,0.73376123 +851,Source_Img_851,Target_Img_851,Black,Female,1,1 +852,Source_Img_852,Target_Img_852,Black,Female,0,0.16090426 +853,Source_Img_853,Target_Img_853,Black,Female,1,0.6277523 +854,Source_Img_854,Target_Img_854,Black,Female,0,0.09849 +855,Source_Img_855,Target_Img_855,Black,Female,1,0.81843915 +856,Source_Img_856,Target_Img_856,Black,Female,0,0.18099915 +857,Source_Img_857,Target_Img_857,Black,Female,1,0.85306364 +858,Source_Img_858,Target_Img_858,Black,Female,0,0.2298683 +859,Source_Img_859,Target_Img_859,Black,Female,0,0.22557146 +860,Source_Img_860,Target_Img_860,Black,Female,1,0.9183669 +861,Source_Img_861,Target_Img_861,Black,Female,1,0.917786 +862,Source_Img_862,Target_Img_862,Black,Female,0,0.07941345 +863,Source_Img_863,Target_Img_863,Black,Female,0,0.17231135 +864,Source_Img_864,Target_Img_864,Black,Female,1,0.93288825 +865,Source_Img_865,Target_Img_865,Black,Female,1,0.75212247 +866,Source_Img_866,Target_Img_866,Black,Female,0,0.14258361 +867,Source_Img_867,Target_Img_867,Black,Female,1,0.73135854 +868,Source_Img_868,Target_Img_868,Black,Female,0,0.13801309 +869,Source_Img_869,Target_Img_869,Black,Female,0,0.14538602 +870,Source_Img_870,Target_Img_870,Black,Female,1,0.7888384 +871,Source_Img_871,Target_Img_871,Black,Female,1,0.6738161 +872,Source_Img_872,Target_Img_872,Black,Female,1,0.8739175 +873,Source_Img_873,Target_Img_873,Black,Female,1,0.78760045 +874,Source_Img_874,Target_Img_874,Black,Female,1,0.6130056 +875,Source_Img_875,Target_Img_875,Black,Female,1,0.87022283 +876,Source_Img_876,Target_Img_876,Black,Female,0,0.03248146 +877,Source_Img_877,Target_Img_877,Black,Female,1,0.68683406 +878,Source_Img_878,Target_Img_878,Black,Female,1,0.81673623 +879,Source_Img_879,Target_Img_879,Black,Female,1,0.76565304 +880,Source_Img_880,Target_Img_880,Black,Female,0,0.26484672 +881,Source_Img_881,Target_Img_881,Black,Female,0,0.29822803 +882,Source_Img_882,Target_Img_882,Black,Female,1,0.7061429 +883,Source_Img_883,Target_Img_883,Black,Female,1,0.968 +884,Source_Img_884,Target_Img_884,Black,Female,0,0.027670215 +885,Source_Img_885,Target_Img_885,Black,Female,1,0.81182244 +886,Source_Img_886,Target_Img_886,Black,Female,1,0.83321316 +887,Source_Img_887,Target_Img_887,Black,Female,1,0.8762775 +888,Source_Img_888,Target_Img_888,Black,Female,1,0.7318073 +889,Source_Img_889,Target_Img_889,Black,Female,0,0.1101565 +890,Source_Img_890,Target_Img_890,Black,Female,0,0.055985166 +891,Source_Img_891,Target_Img_891,Black,Female,1,0.86523936 +892,Source_Img_892,Target_Img_892,Black,Female,1,0.8899638 +893,Source_Img_893,Target_Img_893,Black,Female,0,0.17190742 +894,Source_Img_894,Target_Img_894,Black,Female,1,0.8693749 +895,Source_Img_895,Target_Img_895,Black,Female,0,0.121358496 +896,Source_Img_896,Target_Img_896,Black,Female,1,0.7415897 +897,Source_Img_897,Target_Img_897,Black,Female,0,0.00401775 +898,Source_Img_898,Target_Img_898,Black,Female,0,0.012644964 +899,Source_Img_899,Target_Img_899,Black,Female,1,0.9057387 +900,Source_Img_900,Target_Img_900,Black,Female,0,0.15201753 +901,Source_Img_901,Target_Img_901,Black,Female,0,0.24168657 +902,Source_Img_902,Target_Img_902,Black,Female,1,0.5454518 +903,Source_Img_903,Target_Img_903,Black,Female,0,0.01858511 +904,Source_Img_904,Target_Img_904,Black,Female,0,0.13340542 +905,Source_Img_905,Target_Img_905,Black,Female,0,0.04203269 +906,Source_Img_906,Target_Img_906,Black,Female,0,0.04280102 +907,Source_Img_907,Target_Img_907,Black,Female,1,0.7252011 +908,Source_Img_908,Target_Img_908,Black,Female,1,0.70635276 +909,Source_Img_909,Target_Img_909,Black,Female,0,0.15271281 +910,Source_Img_910,Target_Img_910,Black,Female,1,0.7868127 +911,Source_Img_911,Target_Img_911,Black,Female,0,0.10878556 +912,Source_Img_912,Target_Img_912,Black,Female,1,0.7280696 +913,Source_Img_913,Target_Img_913,Black,Female,0,0.15623127 +914,Source_Img_914,Target_Img_914,Black,Female,1,0.6210766 +915,Source_Img_915,Target_Img_915,Black,Female,0,0.12116618 +916,Source_Img_916,Target_Img_916,Black,Female,1,0.992 +917,Source_Img_917,Target_Img_917,Black,Female,1,0.7892632 +918,Source_Img_918,Target_Img_918,Black,Female,1,0.68666874 +919,Source_Img_919,Target_Img_919,Black,Female,0,0.21172998 +920,Source_Img_920,Target_Img_920,Black,Female,0,0.132980214 +921,Source_Img_921,Target_Img_921,Black,Female,1,0.8753769 +922,Source_Img_922,Target_Img_922,Black,Female,1,0.80227893 +923,Source_Img_923,Target_Img_923,Black,Female,1,0.68892695 +924,Source_Img_924,Target_Img_924,Black,Female,0,0.1158577 +925,Source_Img_925,Target_Img_925,Black,Female,1,0.6852765 +926,Source_Img_926,Target_Img_926,Black,Female,0,0.088769265 +927,Source_Img_927,Target_Img_927,Black,Female,1,1 +928,Source_Img_928,Target_Img_928,Black,Female,0,0.23709241 +929,Source_Img_929,Target_Img_929,Black,Female,0,0.0770777 +930,Source_Img_930,Target_Img_930,Black,Female,0,0.16667624 +931,Source_Img_931,Target_Img_931,Black,Female,1,0.8119655 +932,Source_Img_932,Target_Img_932,Black,Female,0,0.08266338 +933,Source_Img_933,Target_Img_933,Black,Female,1,0.7625309 +934,Source_Img_934,Target_Img_934,Black,Female,1,0.98029994 +935,Source_Img_935,Target_Img_935,Black,Female,0,0.17273201 +936,Source_Img_936,Target_Img_936,Black,Female,0,0.07458208 +937,Source_Img_937,Target_Img_937,Black,Female,0,0.19443197 +938,Source_Img_938,Target_Img_938,Black,Female,0,0.13604523 +939,Source_Img_939,Target_Img_939,Black,Female,1,0.7071416 +940,Source_Img_940,Target_Img_940,Black,Female,1,0.73509475 +941,Source_Img_941,Target_Img_941,Black,Female,0,0.00111924 +942,Source_Img_942,Target_Img_942,Black,Female,0,0.025879424 +943,Source_Img_943,Target_Img_943,Black,Female,1,0.641113 +944,Source_Img_944,Target_Img_944,Black,Female,0,0.05306656 +945,Source_Img_945,Target_Img_945,Black,Female,0,0.17444913 +946,Source_Img_946,Target_Img_946,Black,Female,0,0.146582975 +947,Source_Img_947,Target_Img_947,Black,Female,0,0 +948,Source_Img_948,Target_Img_948,Black,Female,1,0.8659371 +949,Source_Img_949,Target_Img_949,Black,Female,1,1 +950,Source_Img_950,Target_Img_950,Black,Female,1,0.6821124 +951,Source_Img_951,Target_Img_951,Black,Female,0,0.17894801 +952,Source_Img_952,Target_Img_952,Black,Female,0,0.086448845 +953,Source_Img_953,Target_Img_953,Black,Female,0,0.24435878 +954,Source_Img_954,Target_Img_954,Black,Female,1,0.7206638 +955,Source_Img_955,Target_Img_955,Black,Female,0,0.07806498 +956,Source_Img_956,Target_Img_956,Black,Female,1,0.9579279 +957,Source_Img_957,Target_Img_957,Black,Female,0,0.14198039 +958,Source_Img_958,Target_Img_958,Black,Female,1,0.82938074 +959,Source_Img_959,Target_Img_959,Black,Female,0,0.04668242 +960,Source_Img_960,Target_Img_960,Black,Female,1,0.7490066 +961,Source_Img_961,Target_Img_961,Black,Female,0,0.17585626 +962,Source_Img_962,Target_Img_962,Black,Female,1,0.77248334 +963,Source_Img_963,Target_Img_963,Black,Female,0,0.07058216 +964,Source_Img_964,Target_Img_964,Black,Female,0,0.200387686 +965,Source_Img_965,Target_Img_965,Black,Female,1,0.8146642 +966,Source_Img_966,Target_Img_966,Black,Female,1,0.582115 +967,Source_Img_967,Target_Img_967,Black,Female,1,0.7714446 +968,Source_Img_968,Target_Img_968,Black,Female,0,0.16789433 +969,Source_Img_969,Target_Img_969,Black,Female,1,0.87405323 +970,Source_Img_970,Target_Img_970,Black,Female,1,0.8908073 +971,Source_Img_971,Target_Img_971,Black,Female,0,0.043220366 +972,Source_Img_972,Target_Img_972,Black,Female,1,0.7238765 +973,Source_Img_973,Target_Img_973,Black,Female,0,0.1352022 +974,Source_Img_974,Target_Img_974,Black,Female,0,0.15836811 +975,Source_Img_975,Target_Img_975,Black,Female,1,0.6958858 +976,Source_Img_976,Target_Img_976,Black,Female,1,0.7334555 +977,Source_Img_977,Target_Img_977,Black,Female,0,0.15899335 +978,Source_Img_978,Target_Img_978,Black,Female,1,0.8338726 +979,Source_Img_979,Target_Img_979,Black,Female,0,0.17342526 +980,Source_Img_980,Target_Img_980,Black,Female,0,0.17796569 +981,Source_Img_981,Target_Img_981,Black,Female,1,0.7232106 +982,Source_Img_982,Target_Img_982,Black,Female,0,0.20039121 +983,Source_Img_983,Target_Img_983,Black,Female,1,0.7495478 +984,Source_Img_984,Target_Img_984,Black,Female,1,0.5796655 +985,Source_Img_985,Target_Img_985,Black,Female,0,0.22639312 +986,Source_Img_986,Target_Img_986,Black,Female,1,1 +987,Source_Img_987,Target_Img_987,Black,Female,0,0.1679989 +988,Source_Img_988,Target_Img_988,Black,Female,1,0.86318097 +989,Source_Img_989,Target_Img_989,Black,Female,1,0.6670166 +990,Source_Img_990,Target_Img_990,Black,Female,0,0.131386885 +991,Source_Img_991,Target_Img_991,Black,Female,0,0.00557867 +992,Source_Img_992,Target_Img_992,Black,Female,0,0.06345817 +993,Source_Img_993,Target_Img_993,Black,Female,0,0.149775804 +994,Source_Img_994,Target_Img_994,Black,Female,1,0.7271018 +995,Source_Img_995,Target_Img_995,Black,Female,0,0.010414706 +996,Source_Img_996,Target_Img_996,Black,Female,0,0.18614285 +997,Source_Img_997,Target_Img_997,Black,Female,1,0.8809965 +998,Source_Img_998,Target_Img_998,Black,Female,0,0.19855197 +999,Source_Img_999,Target_Img_999,Black,Female,1,0.75860634 +1000,Source_Img_1000,Target_Img_1000,Black,Male,1,0.99407754 +1001,Source_Img_1001,Target_Img_1001,Black,Male,1,0.769749 +1002,Source_Img_1002,Target_Img_1002,Black,Male,1,0.5575942 +1003,Source_Img_1003,Target_Img_1003,Black,Male,1,0.8444655 +1004,Source_Img_1004,Target_Img_1004,Black,Male,0,0.14762018 +1005,Source_Img_1005,Target_Img_1005,Black,Male,0,0.08917601 +1006,Source_Img_1006,Target_Img_1006,Black,Male,1,0.8644817 +1007,Source_Img_1007,Target_Img_1007,Black,Male,0,0.119073914 +1008,Source_Img_1008,Target_Img_1008,Black,Male,1,0.9006087 +1009,Source_Img_1009,Target_Img_1009,Black,Male,0,0.07450025 +1010,Source_Img_1010,Target_Img_1010,Black,Male,0,0.176163524 +1011,Source_Img_1011,Target_Img_1011,Black,Male,0,0 +1012,Source_Img_1012,Target_Img_1012,Black,Male,0,0.07970019 +1013,Source_Img_1013,Target_Img_1013,Black,Male,1,0.7165258 +1014,Source_Img_1014,Target_Img_1014,Black,Male,0,0.10515632 +1015,Source_Img_1015,Target_Img_1015,Black,Male,1,0.7165546 +1016,Source_Img_1016,Target_Img_1016,Black,Male,0,0 +1017,Source_Img_1017,Target_Img_1017,Black,Male,1,0.86359914 +1018,Source_Img_1018,Target_Img_1018,Black,Male,0,0.164361906 +1019,Source_Img_1019,Target_Img_1019,Black,Male,0,0.23084127 +1020,Source_Img_1020,Target_Img_1020,Black,Male,0,0.14237147 +1021,Source_Img_1021,Target_Img_1021,Black,Male,1,0.8423546 +1022,Source_Img_1022,Target_Img_1022,Black,Male,0,0.12736067 +1023,Source_Img_1023,Target_Img_1023,Black,Male,1,0.7830881 +1024,Source_Img_1024,Target_Img_1024,Black,Male,0,0.042796424 +1025,Source_Img_1025,Target_Img_1025,Black,Male,1,0.95163824 +1026,Source_Img_1026,Target_Img_1026,Black,Male,0,0.090073674 +1027,Source_Img_1027,Target_Img_1027,Black,Male,1,0.7749528 +1028,Source_Img_1028,Target_Img_1028,Black,Male,1,0.9198223 +1029,Source_Img_1029,Target_Img_1029,Black,Male,0,0.090487424 +1030,Source_Img_1030,Target_Img_1030,Black,Male,0,0 +1031,Source_Img_1031,Target_Img_1031,Black,Male,1,0.7436747 +1032,Source_Img_1032,Target_Img_1032,Black,Male,1,0.76923545 +1033,Source_Img_1033,Target_Img_1033,Black,Male,0,0.17902616 +1034,Source_Img_1034,Target_Img_1034,Black,Male,1,0.904 +1035,Source_Img_1035,Target_Img_1035,Black,Male,0,0.06147719 +1036,Source_Img_1036,Target_Img_1036,Black,Male,1,0.73398226 +1037,Source_Img_1037,Target_Img_1037,Black,Male,1,0.99186016 +1038,Source_Img_1038,Target_Img_1038,Black,Male,0,0.18742467 +1039,Source_Img_1039,Target_Img_1039,Black,Male,0,0.091584185 +1040,Source_Img_1040,Target_Img_1040,Black,Male,1,0.721079 +1041,Source_Img_1041,Target_Img_1041,Black,Male,1,0.9110191 +1042,Source_Img_1042,Target_Img_1042,Black,Male,0,0.050657975 +1043,Source_Img_1043,Target_Img_1043,Black,Male,1,0.70712144 +1044,Source_Img_1044,Target_Img_1044,Black,Male,0,0.08678287 +1045,Source_Img_1045,Target_Img_1045,Black,Male,0,0.17386676 +1046,Source_Img_1046,Target_Img_1046,Black,Male,1,0.99 +1047,Source_Img_1047,Target_Img_1047,Black,Male,1,0.714363 +1048,Source_Img_1048,Target_Img_1048,Black,Male,0,0.01949553 +1049,Source_Img_1049,Target_Img_1049,Black,Male,1,0.7300846 +1050,Source_Img_1050,Target_Img_1050,Black,Male,1,0.7551694 +1051,Source_Img_1051,Target_Img_1051,Black,Male,0,0.068911516 +1052,Source_Img_1052,Target_Img_1052,Black,Male,0,0.00855494 +1053,Source_Img_1053,Target_Img_1053,Black,Male,0,0.14900563 +1054,Source_Img_1054,Target_Img_1054,Black,Male,1,0.82399166 +1055,Source_Img_1055,Target_Img_1055,Black,Male,0,0.031404156 +1056,Source_Img_1056,Target_Img_1056,Black,Male,1,0.7923737 +1057,Source_Img_1057,Target_Img_1057,Black,Male,0,0.03293357 +1058,Source_Img_1058,Target_Img_1058,Black,Male,1,0.977 +1059,Source_Img_1059,Target_Img_1059,Black,Male,0,0 +1060,Source_Img_1060,Target_Img_1060,Black,Male,0,0.15917449 +1061,Source_Img_1061,Target_Img_1061,Black,Male,1,0.85146184 +1062,Source_Img_1062,Target_Img_1062,Black,Male,0,0.07271324 +1063,Source_Img_1063,Target_Img_1063,Black,Male,0,0.08796626 +1064,Source_Img_1064,Target_Img_1064,Black,Male,0,0.040421345 +1065,Source_Img_1065,Target_Img_1065,Black,Male,1,0.9247251 +1066,Source_Img_1066,Target_Img_1066,Black,Male,0,0.08919885 +1067,Source_Img_1067,Target_Img_1067,Black,Male,0,0.0549697 +1068,Source_Img_1068,Target_Img_1068,Black,Male,0,0.007526014 +1069,Source_Img_1069,Target_Img_1069,Black,Male,1,0.8631007 +1070,Source_Img_1070,Target_Img_1070,Black,Male,0,0.1151266 +1071,Source_Img_1071,Target_Img_1071,Black,Male,0,0.09647339 +1072,Source_Img_1072,Target_Img_1072,Black,Male,0,0.079997984 +1073,Source_Img_1073,Target_Img_1073,Black,Male,1,0.8210101 +1074,Source_Img_1074,Target_Img_1074,Black,Male,1,0.59368423 +1075,Source_Img_1075,Target_Img_1075,Black,Male,1,0.70897866 +1076,Source_Img_1076,Target_Img_1076,Black,Male,1,0.6171955 +1077,Source_Img_1077,Target_Img_1077,Black,Male,0,0.059181346 +1078,Source_Img_1078,Target_Img_1078,Black,Male,0,0.25772667 +1079,Source_Img_1079,Target_Img_1079,Black,Male,0,0.2277863 +1080,Source_Img_1080,Target_Img_1080,Black,Male,1,0.7554174 +1081,Source_Img_1081,Target_Img_1081,Black,Male,1,0.931 +1082,Source_Img_1082,Target_Img_1082,Black,Male,0,0.11946541 +1083,Source_Img_1083,Target_Img_1083,Black,Male,1,0.73203353 +1084,Source_Img_1084,Target_Img_1084,Black,Male,0,0.001040526 +1085,Source_Img_1085,Target_Img_1085,Black,Male,0,0.06266359 +1086,Source_Img_1086,Target_Img_1086,Black,Male,1,1 +1087,Source_Img_1087,Target_Img_1087,Black,Male,0,0.1121146 +1088,Source_Img_1088,Target_Img_1088,Black,Male,1,0.82271516 +1089,Source_Img_1089,Target_Img_1089,Black,Male,0,0.09615225 +1090,Source_Img_1090,Target_Img_1090,Black,Male,1,0.73607154 +1091,Source_Img_1091,Target_Img_1091,Black,Male,0,0.00205857 +1092,Source_Img_1092,Target_Img_1092,Black,Male,1,0.844016 +1093,Source_Img_1093,Target_Img_1093,Black,Male,0,0.23218464 +1094,Source_Img_1094,Target_Img_1094,Black,Male,1,0.74693834 +1095,Source_Img_1095,Target_Img_1095,Black,Male,0,0.182224904 +1096,Source_Img_1096,Target_Img_1096,Black,Male,1,0.79581607 +1097,Source_Img_1097,Target_Img_1097,Black,Male,0,0.102439626 +1098,Source_Img_1098,Target_Img_1098,Black,Male,1,0.6881058 +1099,Source_Img_1099,Target_Img_1099,Black,Male,0,0.159020716 +1100,Source_Img_1100,Target_Img_1100,Black,Male,1,0.73282446 +1101,Source_Img_1101,Target_Img_1101,Black,Male,0,0.15161651 +1102,Source_Img_1102,Target_Img_1102,Black,Male,1,0.8242268 +1103,Source_Img_1103,Target_Img_1103,Black,Male,0,0.0109381 +1104,Source_Img_1104,Target_Img_1104,Black,Male,1,1 +1105,Source_Img_1105,Target_Img_1105,Black,Male,1,0.902184 +1106,Source_Img_1106,Target_Img_1106,Black,Male,0,0.04649196 +1107,Source_Img_1107,Target_Img_1107,Black,Male,1,0.7005257 +1108,Source_Img_1108,Target_Img_1108,Black,Male,0,0.2711456 +1109,Source_Img_1109,Target_Img_1109,Black,Male,0,0 +1110,Source_Img_1110,Target_Img_1110,Black,Male,1,0.7423819 +1111,Source_Img_1111,Target_Img_1111,Black,Male,1,0.68243266 +1112,Source_Img_1112,Target_Img_1112,Black,Male,1,1 +1113,Source_Img_1113,Target_Img_1113,Black,Male,1,0.973191 +1114,Source_Img_1114,Target_Img_1114,Black,Male,0,0.06901919 +1115,Source_Img_1115,Target_Img_1115,Black,Male,1,0.7731858 +1116,Source_Img_1116,Target_Img_1116,Black,Male,0,0.18010648 +1117,Source_Img_1117,Target_Img_1117,Black,Male,0,0.23977229 +1118,Source_Img_1118,Target_Img_1118,Black,Male,0,0.17964702 +1119,Source_Img_1119,Target_Img_1119,Black,Male,1,0.7086558 +1120,Source_Img_1120,Target_Img_1120,Black,Male,0,0.12051841 +1121,Source_Img_1121,Target_Img_1121,Black,Male,1,0.8017961 +1122,Source_Img_1122,Target_Img_1122,Black,Male,0,0.11444514 +1123,Source_Img_1123,Target_Img_1123,Black,Male,1,0.4489687 +1124,Source_Img_1124,Target_Img_1124,Black,Male,0,0.00026882 +1125,Source_Img_1125,Target_Img_1125,Black,Male,0,0.17991724 +1126,Source_Img_1126,Target_Img_1126,Black,Male,1,1 +1127,Source_Img_1127,Target_Img_1127,Black,Male,0,0.13751529 +1128,Source_Img_1128,Target_Img_1128,Black,Male,1,1 +1129,Source_Img_1129,Target_Img_1129,Black,Male,0,0.1505511 +1130,Source_Img_1130,Target_Img_1130,Black,Male,1,0.572884 +1131,Source_Img_1131,Target_Img_1131,Black,Male,0,0.181018464 +1132,Source_Img_1132,Target_Img_1132,Black,Male,1,0.81173634 +1133,Source_Img_1133,Target_Img_1133,Black,Male,0,0.01550721 +1134,Source_Img_1134,Target_Img_1134,Black,Male,1,0.8251496 +1135,Source_Img_1135,Target_Img_1135,Black,Male,1,0.7964713 +1136,Source_Img_1136,Target_Img_1136,Black,Male,1,0.83666363 +1137,Source_Img_1137,Target_Img_1137,Black,Male,0,0.17166701 +1138,Source_Img_1138,Target_Img_1138,Black,Male,0,0.19505703 +1139,Source_Img_1139,Target_Img_1139,Black,Male,0,0 +1140,Source_Img_1140,Target_Img_1140,Black,Male,0,0.1220224 +1141,Source_Img_1141,Target_Img_1141,Black,Male,1,0.9925463 +1142,Source_Img_1142,Target_Img_1142,Black,Male,0,0.161367205 +1143,Source_Img_1143,Target_Img_1143,Black,Male,1,0.8425613 +1144,Source_Img_1144,Target_Img_1144,Black,Male,1,0.76304846 +1145,Source_Img_1145,Target_Img_1145,Black,Male,0,0.0901758 +1146,Source_Img_1146,Target_Img_1146,Black,Male,1,0.9339979 +1147,Source_Img_1147,Target_Img_1147,Black,Male,1,0.75329054 +1148,Source_Img_1148,Target_Img_1148,Black,Male,1,0.84095 +1149,Source_Img_1149,Target_Img_1149,Black,Male,1,1 +1150,Source_Img_1150,Target_Img_1150,Black,Male,0,0.08739119 +1151,Source_Img_1151,Target_Img_1151,Black,Male,0,0.07224955 +1152,Source_Img_1152,Target_Img_1152,Black,Male,1,0.8643494 +1153,Source_Img_1153,Target_Img_1153,Black,Male,1,1 +1154,Source_Img_1154,Target_Img_1154,Black,Male,0,0.1212183 +1155,Source_Img_1155,Target_Img_1155,Black,Male,1,0.8333517 +1156,Source_Img_1156,Target_Img_1156,Black,Male,1,0.8809237 +1157,Source_Img_1157,Target_Img_1157,Black,Male,0,0.060719165 +1158,Source_Img_1158,Target_Img_1158,Black,Male,0,0.06332443 +1159,Source_Img_1159,Target_Img_1159,Black,Male,1,0.73756073 +1160,Source_Img_1160,Target_Img_1160,Black,Male,0,0.25264937 +1161,Source_Img_1161,Target_Img_1161,Black,Male,1,0.78540046 +1162,Source_Img_1162,Target_Img_1162,Black,Male,1,0.62758634 +1163,Source_Img_1163,Target_Img_1163,Black,Male,0,0.064117395 +1164,Source_Img_1164,Target_Img_1164,Black,Male,1,0.66578687 +1165,Source_Img_1165,Target_Img_1165,Black,Male,0,0.0731716 +1166,Source_Img_1166,Target_Img_1166,Black,Male,1,0.6327716 +1167,Source_Img_1167,Target_Img_1167,Black,Male,0,0.03344055 +1168,Source_Img_1168,Target_Img_1168,Black,Male,1,0.8215402 +1169,Source_Img_1169,Target_Img_1169,Black,Male,1,0.87216763 +1170,Source_Img_1170,Target_Img_1170,Black,Male,0,0.03401218 +1171,Source_Img_1171,Target_Img_1171,Black,Male,1,0.81572405 +1172,Source_Img_1172,Target_Img_1172,Black,Male,1,0.8935676 +1173,Source_Img_1173,Target_Img_1173,Black,Male,1,0.8231542 +1174,Source_Img_1174,Target_Img_1174,Black,Male,1,0.973 +1175,Source_Img_1175,Target_Img_1175,Black,Male,0,0.01057258 +1176,Source_Img_1176,Target_Img_1176,Black,Male,1,0.58993264 +1177,Source_Img_1177,Target_Img_1177,Black,Male,1,0.7574247 +1178,Source_Img_1178,Target_Img_1178,Black,Male,1,0.983 +1179,Source_Img_1179,Target_Img_1179,Black,Male,0,0.12543599 +1180,Source_Img_1180,Target_Img_1180,Black,Male,0,0.014697255 +1181,Source_Img_1181,Target_Img_1181,Black,Male,1,0.69947735 +1182,Source_Img_1182,Target_Img_1182,Black,Male,0,0.130190715 +1183,Source_Img_1183,Target_Img_1183,Black,Male,1,0.8951623 +1184,Source_Img_1184,Target_Img_1184,Black,Male,0,0.07926342 +1185,Source_Img_1185,Target_Img_1185,Black,Male,1,0.7759352 +1186,Source_Img_1186,Target_Img_1186,Black,Male,1,0.8394912 +1187,Source_Img_1187,Target_Img_1187,Black,Male,1,0.79992545 +1188,Source_Img_1188,Target_Img_1188,Black,Male,1,1 +1189,Source_Img_1189,Target_Img_1189,Black,Male,0,0.01186318 +1190,Source_Img_1190,Target_Img_1190,Black,Male,1,0.906 +1191,Source_Img_1191,Target_Img_1191,Black,Male,1,0.9170594 +1192,Source_Img_1192,Target_Img_1192,Black,Male,0,0.08840863 +1193,Source_Img_1193,Target_Img_1193,Black,Male,1,0.6935994 +1194,Source_Img_1194,Target_Img_1194,Black,Male,0,0.2588144 +1195,Source_Img_1195,Target_Img_1195,Black,Male,0,0.08562917 +1196,Source_Img_1196,Target_Img_1196,Black,Male,1,0.6445211 +1197,Source_Img_1197,Target_Img_1197,Black,Male,0,0.23290068 +1198,Source_Img_1198,Target_Img_1198,Black,Male,1,0.7147866 +1199,Source_Img_1199,Target_Img_1199,Black,Male,0,0.11640542 +1200,Source_Img_1200,Target_Img_1200,Black,Male,0,0.10627417 +1201,Source_Img_1201,Target_Img_1201,Black,Male,1,0.80123854 +1202,Source_Img_1202,Target_Img_1202,Black,Male,1,0.9013386 +1203,Source_Img_1203,Target_Img_1203,Black,Male,1,0.7156332 +1204,Source_Img_1204,Target_Img_1204,Black,Male,0,0.20706835 +1205,Source_Img_1205,Target_Img_1205,Black,Male,1,0.79381016 +1206,Source_Img_1206,Target_Img_1206,Black,Male,0,0.14240396 +1207,Source_Img_1207,Target_Img_1207,Black,Male,1,0.942 +1208,Source_Img_1208,Target_Img_1208,Black,Male,1,0.8210951 +1209,Source_Img_1209,Target_Img_1209,Black,Male,0,0.21564206 +1210,Source_Img_1210,Target_Img_1210,Black,Male,1,0.65998297 +1211,Source_Img_1211,Target_Img_1211,Black,Male,1,0.79076865 +1212,Source_Img_1212,Target_Img_1212,Black,Male,1,0.59274265 +1213,Source_Img_1213,Target_Img_1213,Black,Male,1,1 +1214,Source_Img_1214,Target_Img_1214,Black,Male,0,0.15771778 +1215,Source_Img_1215,Target_Img_1215,Black,Male,0,0.02032021 +1216,Source_Img_1216,Target_Img_1216,Black,Male,1,0.744467 +1217,Source_Img_1217,Target_Img_1217,Black,Male,1,0.79323565 +1218,Source_Img_1218,Target_Img_1218,Black,Male,0,0.10339341 +1219,Source_Img_1219,Target_Img_1219,Black,Male,1,0.66521856 +1220,Source_Img_1220,Target_Img_1220,Black,Male,0,0.137219084 +1221,Source_Img_1221,Target_Img_1221,Black,Male,1,0.9508604 +1222,Source_Img_1222,Target_Img_1222,Black,Male,1,0.9619288 +1223,Source_Img_1223,Target_Img_1223,Black,Male,1,0.8843361 +1224,Source_Img_1224,Target_Img_1224,Black,Male,0,0.00691866 +1225,Source_Img_1225,Target_Img_1225,Black,Male,0,0.21819933 +1226,Source_Img_1226,Target_Img_1226,Black,Male,1,0.6968051 +1227,Source_Img_1227,Target_Img_1227,Black,Male,0,0.12333369 +1228,Source_Img_1228,Target_Img_1228,Black,Male,0,0.10230847 +1229,Source_Img_1229,Target_Img_1229,Black,Male,1,0.67282024 +1230,Source_Img_1230,Target_Img_1230,Black,Male,1,1 +1231,Source_Img_1231,Target_Img_1231,Black,Male,1,0.7306492 +1232,Source_Img_1232,Target_Img_1232,Black,Male,0,0.10057662 +1233,Source_Img_1233,Target_Img_1233,Black,Male,0,0 +1234,Source_Img_1234,Target_Img_1234,Black,Male,1,0.9010061 +1235,Source_Img_1235,Target_Img_1235,Black,Male,1,0.978 +1236,Source_Img_1236,Target_Img_1236,Black,Male,0,0.17507071 +1237,Source_Img_1237,Target_Img_1237,Black,Male,1,0.99569193 +1238,Source_Img_1238,Target_Img_1238,Black,Male,0,0.231237 +1239,Source_Img_1239,Target_Img_1239,Black,Male,1,0.676679 +1240,Source_Img_1240,Target_Img_1240,Black,Male,0,0.168676205 +1241,Source_Img_1241,Target_Img_1241,Black,Male,1,0.66875254 +1242,Source_Img_1242,Target_Img_1242,Black,Male,1,0.75759134 +1243,Source_Img_1243,Target_Img_1243,Black,Male,1,0.73073865 +1244,Source_Img_1244,Target_Img_1244,Black,Male,1,1 +1245,Source_Img_1245,Target_Img_1245,Black,Male,0,0.00136286 +1246,Source_Img_1246,Target_Img_1246,Black,Male,1,0.8922832 +1247,Source_Img_1247,Target_Img_1247,Black,Male,0,0.05157841 +1248,Source_Img_1248,Target_Img_1248,Black,Male,1,0.58733974 +1249,Source_Img_1249,Target_Img_1249,Black,Male,0,0.0838903 +1250,Source_Img_1250,Target_Img_1250,Black,Male,1,0.9574504 +1251,Source_Img_1251,Target_Img_1251,Black,Male,1,0.9335449 +1252,Source_Img_1252,Target_Img_1252,Black,Male,0,0.13017646 +1253,Source_Img_1253,Target_Img_1253,Black,Male,1,1 +1254,Source_Img_1254,Target_Img_1254,Black,Male,0,0.22185263 +1255,Source_Img_1255,Target_Img_1255,Black,Male,0,0.05237177 +1256,Source_Img_1256,Target_Img_1256,Black,Male,0,0 +1257,Source_Img_1257,Target_Img_1257,Black,Male,1,0.77904046 +1258,Source_Img_1258,Target_Img_1258,Black,Male,0,0.16535515 +1259,Source_Img_1259,Target_Img_1259,Black,Male,1,0.80331624 +1260,Source_Img_1260,Target_Img_1260,Black,Male,0,0.00657512 +1261,Source_Img_1261,Target_Img_1261,Black,Male,1,0.902 +1262,Source_Img_1262,Target_Img_1262,Black,Male,1,0.968 +1263,Source_Img_1263,Target_Img_1263,Black,Male,1,0.9173329 +1264,Source_Img_1264,Target_Img_1264,Black,Male,0,0 +1265,Source_Img_1265,Target_Img_1265,Black,Male,1,0.94 +1266,Source_Img_1266,Target_Img_1266,Black,Male,1,0.87174553 +1267,Source_Img_1267,Target_Img_1267,Black,Male,1,0.8527388 +1268,Source_Img_1268,Target_Img_1268,Black,Male,0,0.1923062 +1269,Source_Img_1269,Target_Img_1269,Black,Male,1,0.70537575 +1270,Source_Img_1270,Target_Img_1270,Black,Male,0,0.03736731 +1271,Source_Img_1271,Target_Img_1271,Black,Male,0,0.11888698 +1272,Source_Img_1272,Target_Img_1272,Black,Male,1,0.81663353 +1273,Source_Img_1273,Target_Img_1273,Black,Male,1,0.97420515 +1274,Source_Img_1274,Target_Img_1274,Black,Male,1,0.91236906 +1275,Source_Img_1275,Target_Img_1275,Black,Male,1,0.63552487 +1276,Source_Img_1276,Target_Img_1276,Black,Male,0,0.06920711 +1277,Source_Img_1277,Target_Img_1277,Black,Male,1,0.83930033 +1278,Source_Img_1278,Target_Img_1278,Black,Male,0,0.09334753 +1279,Source_Img_1279,Target_Img_1279,Black,Male,0,0.0993486 +1280,Source_Img_1280,Target_Img_1280,Black,Male,0,0.01439672 +1281,Source_Img_1281,Target_Img_1281,Black,Male,1,0.7216858 +1282,Source_Img_1282,Target_Img_1282,Black,Male,0,0.04135921 +1283,Source_Img_1283,Target_Img_1283,Black,Male,0,0.13325393 +1284,Source_Img_1284,Target_Img_1284,Black,Male,0,0.22967917 +1285,Source_Img_1285,Target_Img_1285,Black,Male,1,0.7069784 +1286,Source_Img_1286,Target_Img_1286,Black,Male,1,0.5986132 +1287,Source_Img_1287,Target_Img_1287,Black,Male,1,1 +1288,Source_Img_1288,Target_Img_1288,Black,Male,0,0.0328235 +1289,Source_Img_1289,Target_Img_1289,Black,Male,0,0.21032917 +1290,Source_Img_1290,Target_Img_1290,Black,Male,1,0.80831607 +1291,Source_Img_1291,Target_Img_1291,Black,Male,1,0.69902285 +1292,Source_Img_1292,Target_Img_1292,Black,Male,0,0.20371506 +1293,Source_Img_1293,Target_Img_1293,Black,Male,0,0.03942932 +1294,Source_Img_1294,Target_Img_1294,Black,Male,1,0.89185017 +1295,Source_Img_1295,Target_Img_1295,Black,Male,1,0.8164486 +1296,Source_Img_1296,Target_Img_1296,Black,Male,0,0.128217795 +1297,Source_Img_1297,Target_Img_1297,Black,Male,0,0.05092465 +1298,Source_Img_1298,Target_Img_1298,Black,Male,0,0.09694195 +1299,Source_Img_1299,Target_Img_1299,Black,Male,1,0.70591397 +1300,Source_Img_1300,Target_Img_1300,Black,Male,0,0.151191364 +1301,Source_Img_1301,Target_Img_1301,Black,Male,1,0.7272615 +1302,Source_Img_1302,Target_Img_1302,Black,Male,1,0.8916298 +1303,Source_Img_1303,Target_Img_1303,Black,Male,1,0.8348058 +1304,Source_Img_1304,Target_Img_1304,Black,Male,1,0.7927872 +1305,Source_Img_1305,Target_Img_1305,Black,Male,0,0.13793471 +1306,Source_Img_1306,Target_Img_1306,Black,Male,0,0.117311846 +1307,Source_Img_1307,Target_Img_1307,Black,Male,0,0.03390097 +1308,Source_Img_1308,Target_Img_1308,Black,Male,0,0 +1309,Source_Img_1309,Target_Img_1309,Black,Male,1,0.8761387 +1310,Source_Img_1310,Target_Img_1310,Black,Male,1,1 +1311,Source_Img_1311,Target_Img_1311,Black,Male,0,0.02915165 +1312,Source_Img_1312,Target_Img_1312,Black,Male,1,0.922 +1313,Source_Img_1313,Target_Img_1313,Black,Male,0,0.1529683 +1314,Source_Img_1314,Target_Img_1314,Black,Male,1,0.79151 +1315,Source_Img_1315,Target_Img_1315,Black,Male,0,0.01564346 +1316,Source_Img_1316,Target_Img_1316,Black,Male,0,0.08609888 +1317,Source_Img_1317,Target_Img_1317,Black,Male,0,0.07007914 +1318,Source_Img_1318,Target_Img_1318,Black,Male,0,0.1383159 +1319,Source_Img_1319,Target_Img_1319,Black,Male,1,0.9903132 +1320,Source_Img_1320,Target_Img_1320,Black,Male,1,0.6186027 +1321,Source_Img_1321,Target_Img_1321,Black,Male,0,0.0532523 +1322,Source_Img_1322,Target_Img_1322,Black,Male,0,0.23336334 +1323,Source_Img_1323,Target_Img_1323,Black,Male,1,0.6811928 +1324,Source_Img_1324,Target_Img_1324,Black,Male,1,0.88042885 +1325,Source_Img_1325,Target_Img_1325,Black,Male,0,0.013345655 +1326,Source_Img_1326,Target_Img_1326,Black,Male,1,0.76065287 +1327,Source_Img_1327,Target_Img_1327,Black,Male,1,0.8282545 +1328,Source_Img_1328,Target_Img_1328,Black,Male,0,0.0372839 +1329,Source_Img_1329,Target_Img_1329,Black,Male,0,0.18078569 +1330,Source_Img_1330,Target_Img_1330,Black,Male,0,0.1264799 +1331,Source_Img_1331,Target_Img_1331,Black,Male,1,0.80431116 +1332,Source_Img_1332,Target_Img_1332,Black,Male,1,0.6298461 +1333,Source_Img_1333,Target_Img_1333,Black,Male,0,0.16475495 +1334,Source_Img_1334,Target_Img_1334,Black,Male,1,0.79910424 +1335,Source_Img_1335,Target_Img_1335,Black,Male,1,0.6923641 +1336,Source_Img_1336,Target_Img_1336,Black,Male,1,0.6895812 +1337,Source_Img_1337,Target_Img_1337,Black,Male,1,0.7154836 +1338,Source_Img_1338,Target_Img_1338,Black,Male,0,0.01579964 +1339,Source_Img_1339,Target_Img_1339,Black,Male,1,0.67235817 +1340,Source_Img_1340,Target_Img_1340,Black,Male,0,0.10206926 +1341,Source_Img_1341,Target_Img_1341,Black,Male,0,0.16779239 +1342,Source_Img_1342,Target_Img_1342,Black,Male,0,0.1625734 +1343,Source_Img_1343,Target_Img_1343,Black,Male,1,0.99350077 +1344,Source_Img_1344,Target_Img_1344,Black,Male,0,0.03308165 +1345,Source_Img_1345,Target_Img_1345,Black,Male,1,0.9341349 +1346,Source_Img_1346,Target_Img_1346,Black,Male,1,0.7652199 +1347,Source_Img_1347,Target_Img_1347,Black,Male,1,0.8968445 +1348,Source_Img_1348,Target_Img_1348,Black,Male,0,0.124879265 +1349,Source_Img_1349,Target_Img_1349,Black,Male,1,0.8526889 +1350,Source_Img_1350,Target_Img_1350,Black,Male,1,0.6157369 +1351,Source_Img_1351,Target_Img_1351,Black,Male,1,0.8103686 +1352,Source_Img_1352,Target_Img_1352,Black,Male,1,0.72515035 +1353,Source_Img_1353,Target_Img_1353,Black,Male,0,0.159734366 +1354,Source_Img_1354,Target_Img_1354,Black,Male,1,0.73138877 +1355,Source_Img_1355,Target_Img_1355,Black,Male,1,1 +1356,Source_Img_1356,Target_Img_1356,Black,Male,1,0.911 +1357,Source_Img_1357,Target_Img_1357,Black,Male,0,0.15304719 +1358,Source_Img_1358,Target_Img_1358,Black,Male,1,0.96832753 +1359,Source_Img_1359,Target_Img_1359,Black,Male,1,0.8697766 +1360,Source_Img_1360,Target_Img_1360,Black,Male,1,1 +1361,Source_Img_1361,Target_Img_1361,Black,Male,0,0.16245158 +1362,Source_Img_1362,Target_Img_1362,Black,Male,0,0.008544504 +1363,Source_Img_1363,Target_Img_1363,Black,Male,1,0.64530244 +1364,Source_Img_1364,Target_Img_1364,Black,Male,0,0.073186385 +1365,Source_Img_1365,Target_Img_1365,Black,Male,1,0.76708577 +1366,Source_Img_1366,Target_Img_1366,Black,Male,1,0.6206891 +1367,Source_Img_1367,Target_Img_1367,Black,Male,1,0.70874484 +1368,Source_Img_1368,Target_Img_1368,Black,Male,1,0.7193117 +1369,Source_Img_1369,Target_Img_1369,Black,Male,0,0.1419294 +1370,Source_Img_1370,Target_Img_1370,Black,Male,1,0.81336605 +1371,Source_Img_1371,Target_Img_1371,Black,Male,0,0.02048448 +1372,Source_Img_1372,Target_Img_1372,Black,Male,0,0.08956486 +1373,Source_Img_1373,Target_Img_1373,Black,Male,1,0.9286515 +1374,Source_Img_1374,Target_Img_1374,Black,Male,1,0.8704797 +1375,Source_Img_1375,Target_Img_1375,Black,Male,1,0.98060915 +1376,Source_Img_1376,Target_Img_1376,Black,Male,0,0.01506485 +1377,Source_Img_1377,Target_Img_1377,Black,Male,1,0.91926315 +1378,Source_Img_1378,Target_Img_1378,Black,Male,0,0.02654555 +1379,Source_Img_1379,Target_Img_1379,Black,Male,1,0.76319117 +1380,Source_Img_1380,Target_Img_1380,Black,Male,1,0.7553936 +1381,Source_Img_1381,Target_Img_1381,Black,Male,1,0.81346054 +1382,Source_Img_1382,Target_Img_1382,Black,Male,0,0.11315798 +1383,Source_Img_1383,Target_Img_1383,Black,Male,0,0.0229026 +1384,Source_Img_1384,Target_Img_1384,Black,Male,1,0.76561426 +1385,Source_Img_1385,Target_Img_1385,Black,Male,0,0.11874748 +1386,Source_Img_1386,Target_Img_1386,Black,Male,0,0.09209538 +1387,Source_Img_1387,Target_Img_1387,Black,Male,1,0.7123546 +1388,Source_Img_1388,Target_Img_1388,Black,Male,0,0.13515874 +1389,Source_Img_1389,Target_Img_1389,Black,Male,0,0.05635719 +1390,Source_Img_1390,Target_Img_1390,Black,Male,1,0.8292055 +1391,Source_Img_1391,Target_Img_1391,Black,Male,1,0.79966116 +1392,Source_Img_1392,Target_Img_1392,Black,Male,0,0.13318325 +1393,Source_Img_1393,Target_Img_1393,Black,Male,1,0.8954603 +1394,Source_Img_1394,Target_Img_1394,Black,Male,1,0.6813884 +1395,Source_Img_1395,Target_Img_1395,Black,Male,0,0.08581412 +1396,Source_Img_1396,Target_Img_1396,Black,Male,1,0.6876184 +1397,Source_Img_1397,Target_Img_1397,Black,Male,0,0.13392055 +1398,Source_Img_1398,Target_Img_1398,Black,Male,0,0.1831463 +1399,Source_Img_1399,Target_Img_1399,Black,Male,1,0.9001732 +1400,Source_Img_1400,Target_Img_1400,Black,Male,1,0.5239783 +1401,Source_Img_1401,Target_Img_1401,Black,Male,0,0.058964705 +1402,Source_Img_1402,Target_Img_1402,Black,Male,1,0.7747421 +1403,Source_Img_1403,Target_Img_1403,Black,Male,0,0.1091845 +1404,Source_Img_1404,Target_Img_1404,Black,Male,1,0.76701657 +1405,Source_Img_1405,Target_Img_1405,Black,Male,0,0 +1406,Source_Img_1406,Target_Img_1406,Black,Male,1,0.62365136 +1407,Source_Img_1407,Target_Img_1407,Black,Male,0,0.093844486 +1408,Source_Img_1408,Target_Img_1408,Black,Male,1,0.77182515 +1409,Source_Img_1409,Target_Img_1409,Black,Male,0,0.13301667 +1410,Source_Img_1410,Target_Img_1410,Black,Male,1,0.80704616 +1411,Source_Img_1411,Target_Img_1411,Black,Male,0,0.183110795 +1412,Source_Img_1412,Target_Img_1412,Black,Male,1,1 +1413,Source_Img_1413,Target_Img_1413,Black,Male,1,0.9098375 +1414,Source_Img_1414,Target_Img_1414,Black,Male,0,0.10731694 +1415,Source_Img_1415,Target_Img_1415,Black,Male,0,0.13641013 +1416,Source_Img_1416,Target_Img_1416,Black,Male,1,0.74428215 +1417,Source_Img_1417,Target_Img_1417,Black,Male,1,0.922 +1418,Source_Img_1418,Target_Img_1418,Black,Male,1,0.7899888 +1419,Source_Img_1419,Target_Img_1419,Black,Male,0,0.03357012 +1420,Source_Img_1420,Target_Img_1420,Black,Male,1,0.93327626 +1421,Source_Img_1421,Target_Img_1421,Black,Male,0,0.106694925 +1422,Source_Img_1422,Target_Img_1422,Black,Male,1,0.8130305 +1423,Source_Img_1423,Target_Img_1423,Black,Male,0,0.02031521 +1424,Source_Img_1424,Target_Img_1424,Black,Male,1,0.731231 +1425,Source_Img_1425,Target_Img_1425,Black,Male,1,1 +1426,Source_Img_1426,Target_Img_1426,Black,Male,0,0 +1427,Source_Img_1427,Target_Img_1427,Black,Male,0,0.16542441 +1428,Source_Img_1428,Target_Img_1428,Black,Male,1,0.97 +1429,Source_Img_1429,Target_Img_1429,Black,Male,0,0.08997142 +1430,Source_Img_1430,Target_Img_1430,Black,Male,0,0.10525829 +1431,Source_Img_1431,Target_Img_1431,Black,Male,1,0.96302636 +1432,Source_Img_1432,Target_Img_1432,Black,Male,0,0.12305725 +1433,Source_Img_1433,Target_Img_1433,Black,Male,0,0.068967135 +1434,Source_Img_1434,Target_Img_1434,Black,Male,0,0.0441276 +1435,Source_Img_1435,Target_Img_1435,Black,Male,1,0.7082181 +1436,Source_Img_1436,Target_Img_1436,Black,Male,0,0.19638364 +1437,Source_Img_1437,Target_Img_1437,Black,Male,1,0.72367227 +1438,Source_Img_1438,Target_Img_1438,Black,Male,0,0.13354356 +1439,Source_Img_1439,Target_Img_1439,Black,Male,1,0.7662618 +1440,Source_Img_1440,Target_Img_1440,Black,Male,0,0.15015356 +1441,Source_Img_1441,Target_Img_1441,Black,Male,1,1 +1442,Source_Img_1442,Target_Img_1442,Black,Male,0,0.167806974 +1443,Source_Img_1443,Target_Img_1443,Black,Male,0,0.09026144 +1444,Source_Img_1444,Target_Img_1444,Black,Male,1,1 +1445,Source_Img_1445,Target_Img_1445,Black,Male,0,0.16065274 +1446,Source_Img_1446,Target_Img_1446,Black,Male,0,0.080594794 +1447,Source_Img_1447,Target_Img_1447,Black,Male,1,0.7348145 +1448,Source_Img_1448,Target_Img_1448,Black,Male,1,0.8410207 +1449,Source_Img_1449,Target_Img_1449,Black,Male,1,0.8584992 +1450,Source_Img_1450,Target_Img_1450,Black,Male,0,0.082005 +1451,Source_Img_1451,Target_Img_1451,Black,Male,1,0.9141575 +1452,Source_Img_1452,Target_Img_1452,Black,Male,0,0.19629853 +1453,Source_Img_1453,Target_Img_1453,Black,Male,1,0.76711266 +1454,Source_Img_1454,Target_Img_1454,Black,Male,0,0.06243379 +1455,Source_Img_1455,Target_Img_1455,Black,Male,1,0.72578865 +1456,Source_Img_1456,Target_Img_1456,Black,Male,0,0.06746629 +1457,Source_Img_1457,Target_Img_1457,Black,Male,1,0.77603224 +1458,Source_Img_1458,Target_Img_1458,Black,Male,1,0.6389766 +1459,Source_Img_1459,Target_Img_1459,Black,Male,0,0.00818971 +1460,Source_Img_1460,Target_Img_1460,Black,Male,0,0.14015136 +1461,Source_Img_1461,Target_Img_1461,Black,Male,1,0.7394468 +1462,Source_Img_1462,Target_Img_1462,Black,Male,1,0.74506767 +1463,Source_Img_1463,Target_Img_1463,Black,Male,0,0.15717256 +1464,Source_Img_1464,Target_Img_1464,Black,Male,0,0.04497229 +1465,Source_Img_1465,Target_Img_1465,Black,Male,1,0.6603806 +1466,Source_Img_1466,Target_Img_1466,Black,Male,0,0.037840135 +1467,Source_Img_1467,Target_Img_1467,Black,Male,1,0.80730546 +1468,Source_Img_1468,Target_Img_1468,Black,Male,1,0.75063025 +1469,Source_Img_1469,Target_Img_1469,Black,Male,0,0.0479455 +1470,Source_Img_1470,Target_Img_1470,Black,Male,0,0.07762228 +1471,Source_Img_1471,Target_Img_1471,Black,Male,1,0.68568775 +1472,Source_Img_1472,Target_Img_1472,Black,Male,1,0.76228687 +1473,Source_Img_1473,Target_Img_1473,Black,Male,1,0.8449027 +1474,Source_Img_1474,Target_Img_1474,Black,Male,0,0.03955451 +1475,Source_Img_1475,Target_Img_1475,Black,Male,1,0.73325243 +1476,Source_Img_1476,Target_Img_1476,Black,Male,0,0.12755796 +1477,Source_Img_1477,Target_Img_1477,Black,Male,1,0.7934175 +1478,Source_Img_1478,Target_Img_1478,Black,Male,1,0.73019104 +1479,Source_Img_1479,Target_Img_1479,Black,Male,1,0.91292554 +1480,Source_Img_1480,Target_Img_1480,Black,Male,0,0.17244082 +1481,Source_Img_1481,Target_Img_1481,Black,Male,1,0.73417315 +1482,Source_Img_1482,Target_Img_1482,Black,Male,1,0.75586353 +1483,Source_Img_1483,Target_Img_1483,Black,Male,0,0.07076509 +1484,Source_Img_1484,Target_Img_1484,Black,Male,0,0.0462642 +1485,Source_Img_1485,Target_Img_1485,Black,Male,1,0.6725848 +1486,Source_Img_1486,Target_Img_1486,Black,Male,0,0.18001496 +1487,Source_Img_1487,Target_Img_1487,Black,Male,1,0.9704139 +1488,Source_Img_1488,Target_Img_1488,Black,Male,1,0.9602003 +1489,Source_Img_1489,Target_Img_1489,Black,Male,1,0.65195594 +1490,Source_Img_1490,Target_Img_1490,Black,Male,1,0.7243511 +1491,Source_Img_1491,Target_Img_1491,Black,Male,0,0.039739776 +1492,Source_Img_1492,Target_Img_1492,Black,Male,1,0.6992161 +1493,Source_Img_1493,Target_Img_1493,Black,Male,0,0.16740104 +1494,Source_Img_1494,Target_Img_1494,Black,Male,1,0.906452 +1495,Source_Img_1495,Target_Img_1495,Black,Male,0,0 +1496,Source_Img_1496,Target_Img_1496,Black,Male,0,0.184686265 +1497,Source_Img_1497,Target_Img_1497,Black,Male,1,0.71386896 +1498,Source_Img_1498,Target_Img_1498,Black,Male,0,0.13836683 +1499,Source_Img_1499,Target_Img_1499,Black,Male,1,0.69667 +1500,Source_Img_1500,Target_Img_1500,Black,Male,0,0.04940883 +1501,Source_Img_1501,Target_Img_1501,Black,Male,1,1 +1502,Source_Img_1502,Target_Img_1502,Black,Male,1,0.70026556 +1503,Source_Img_1503,Target_Img_1503,Black,Male,1,0.761434 +1504,Source_Img_1504,Target_Img_1504,Black,Male,0,0.19355756 +1505,Source_Img_1505,Target_Img_1505,Black,Male,0,0.185269846 +1506,Source_Img_1506,Target_Img_1506,Black,Male,1,0.88852947 +1507,Source_Img_1507,Target_Img_1507,Black,Male,1,0.6801783 +1508,Source_Img_1508,Target_Img_1508,Black,Male,1,0.75141185 +1509,Source_Img_1509,Target_Img_1509,Black,Male,0,0.07575415 +1510,Source_Img_1510,Target_Img_1510,Black,Male,0,0.20663755 +1511,Source_Img_1511,Target_Img_1511,Black,Male,1,0.97999683 +1512,Source_Img_1512,Target_Img_1512,Black,Male,0,0.05869922 +1513,Source_Img_1513,Target_Img_1513,Black,Male,1,0.5457243 +1514,Source_Img_1514,Target_Img_1514,Black,Male,0,0.124295616 +1515,Source_Img_1515,Target_Img_1515,Black,Male,1,0.76312195 +1516,Source_Img_1516,Target_Img_1516,Black,Male,0,0.0470446 +1517,Source_Img_1517,Target_Img_1517,Black,Male,1,0.7520571 +1518,Source_Img_1518,Target_Img_1518,Black,Male,0,0.105458675 +1519,Source_Img_1519,Target_Img_1519,Black,Male,0,0.14129118 +1520,Source_Img_1520,Target_Img_1520,Black,Male,1,0.8795069 +1521,Source_Img_1521,Target_Img_1521,Black,Male,1,0.9433043 +1522,Source_Img_1522,Target_Img_1522,Black,Male,0,0.092281126 +1523,Source_Img_1523,Target_Img_1523,Black,Male,1,0.8034257 +1524,Source_Img_1524,Target_Img_1524,Black,Male,0,0.041058375 +1525,Source_Img_1525,Target_Img_1525,Black,Male,1,0.9813594 +1526,Source_Img_1526,Target_Img_1526,Black,Male,1,0.75901444 +1527,Source_Img_1527,Target_Img_1527,Black,Male,1,0.8012553 +1528,Source_Img_1528,Target_Img_1528,Black,Male,0,0.20191589 +1529,Source_Img_1529,Target_Img_1529,Black,Male,1,0.84446245 +1530,Source_Img_1530,Target_Img_1530,Black,Male,1,0.82535424 +1531,Source_Img_1531,Target_Img_1531,Black,Male,1,0.7924767 +1532,Source_Img_1532,Target_Img_1532,Black,Male,1,0.996 +1533,Source_Img_1533,Target_Img_1533,Black,Male,0,0.149280056 +1534,Source_Img_1534,Target_Img_1534,Black,Male,1,0.79149726 +1535,Source_Img_1535,Target_Img_1535,Black,Male,1,0.866934 +1536,Source_Img_1536,Target_Img_1536,Black,Male,1,0.926 +1537,Source_Img_1537,Target_Img_1537,Black,Male,0,0.04736688 +1538,Source_Img_1538,Target_Img_1538,Black,Male,1,0.54276587 +1539,Source_Img_1539,Target_Img_1539,Black,Male,0,0.02448524 +1540,Source_Img_1540,Target_Img_1540,Black,Male,1,0.9661881 +1541,Source_Img_1541,Target_Img_1541,Black,Male,1,0.8953878 +1542,Source_Img_1542,Target_Img_1542,Black,Male,1,0.6893216 +1543,Source_Img_1543,Target_Img_1543,Black,Male,0,0.121461454 +1544,Source_Img_1544,Target_Img_1544,Black,Male,0,0.072199535 +1545,Source_Img_1545,Target_Img_1545,Black,Male,0,0.04278027 +1546,Source_Img_1546,Target_Img_1546,Black,Male,1,0.80441574 +1547,Source_Img_1547,Target_Img_1547,Black,Male,0,0.17803052 +1548,Source_Img_1548,Target_Img_1548,Black,Male,1,0.73622986 +1549,Source_Img_1549,Target_Img_1549,Black,Male,0,0.058331666 +1550,Source_Img_1550,Target_Img_1550,Black,Male,1,0.7469843 +1551,Source_Img_1551,Target_Img_1551,Black,Male,0,0.1554938 +1552,Source_Img_1552,Target_Img_1552,Black,Male,0,0.01091639 +1553,Source_Img_1553,Target_Img_1553,Black,Male,0,0.05470074 +1554,Source_Img_1554,Target_Img_1554,Black,Male,1,0.7900048 +1555,Source_Img_1555,Target_Img_1555,Black,Male,0,0.03821707 +1556,Source_Img_1556,Target_Img_1556,Black,Male,1,0.71513827 +1557,Source_Img_1557,Target_Img_1557,Black,Male,0,0.121332726 +1558,Source_Img_1558,Target_Img_1558,Black,Male,1,0.95334445 +1559,Source_Img_1559,Target_Img_1559,Black,Male,0,0.130360514 +1560,Source_Img_1560,Target_Img_1560,Black,Male,1,0.791065 +1561,Source_Img_1561,Target_Img_1561,Black,Male,0,0 +1562,Source_Img_1562,Target_Img_1562,Black,Male,0,0.04813837 +1563,Source_Img_1563,Target_Img_1563,Black,Male,1,0.77636474 +1564,Source_Img_1564,Target_Img_1564,Black,Male,1,0.96703504 +1565,Source_Img_1565,Target_Img_1565,Black,Male,0,0.16131809 +1566,Source_Img_1566,Target_Img_1566,Black,Male,0,0.064546075 +1567,Source_Img_1567,Target_Img_1567,Black,Male,0,0.05291837 +1568,Source_Img_1568,Target_Img_1568,Black,Male,1,0.92714186 +1569,Source_Img_1569,Target_Img_1569,Black,Male,0,0.0935705 +1570,Source_Img_1570,Target_Img_1570,Black,Male,1,0.7188389 +1571,Source_Img_1571,Target_Img_1571,Black,Male,0,0.09875138 +1572,Source_Img_1572,Target_Img_1572,Black,Male,1,0.6623106 +1573,Source_Img_1573,Target_Img_1573,Black,Male,0,0.20367748 +1574,Source_Img_1574,Target_Img_1574,Black,Male,1,0.836305 +1575,Source_Img_1575,Target_Img_1575,Black,Male,0,0.00787175 +1576,Source_Img_1576,Target_Img_1576,Black,Male,1,0.8421908 +1577,Source_Img_1577,Target_Img_1577,Black,Male,1,0.7196012 +1578,Source_Img_1578,Target_Img_1578,Black,Male,0,0.067304064 +1579,Source_Img_1579,Target_Img_1579,Black,Male,1,0.93094385 +1580,Source_Img_1580,Target_Img_1580,Black,Male,0,0.08109742 +1581,Source_Img_1581,Target_Img_1581,Black,Male,1,0.88065247 +1582,Source_Img_1582,Target_Img_1582,Black,Male,0,0.08820676 +1583,Source_Img_1583,Target_Img_1583,Black,Male,0,0.129768964 +1584,Source_Img_1584,Target_Img_1584,Black,Male,1,0.6218431 +1585,Source_Img_1585,Target_Img_1585,Black,Male,1,0.8694982 +1586,Source_Img_1586,Target_Img_1586,Black,Male,1,0.81849197 +1587,Source_Img_1587,Target_Img_1587,Black,Male,0,0.074759886 +1588,Source_Img_1588,Target_Img_1588,Black,Male,1,0.9247122 +1589,Source_Img_1589,Target_Img_1589,Black,Male,0,0.120638494 +1590,Source_Img_1590,Target_Img_1590,Black,Male,1,0.59801343 +1591,Source_Img_1591,Target_Img_1591,Black,Male,0,0.13679717 +1592,Source_Img_1592,Target_Img_1592,Black,Male,0,0.0613954 +1593,Source_Img_1593,Target_Img_1593,Black,Male,0,0.10538563 +1594,Source_Img_1594,Target_Img_1594,Black,Male,1,0.70761475 +1595,Source_Img_1595,Target_Img_1595,Black,Male,0,0.046093915 +1596,Source_Img_1596,Target_Img_1596,Black,Male,0,0.05990674 +1597,Source_Img_1597,Target_Img_1597,Black,Male,1,0.8873163 +1598,Source_Img_1598,Target_Img_1598,Black,Male,0,0.05381917 +1599,Source_Img_1599,Target_Img_1599,Black,Male,0,0.129784856 +1600,Source_Img_1600,Target_Img_1600,Black,Male,1,0.9242504 +1601,Source_Img_1601,Target_Img_1601,Black,Male,0,0.07354962 +1602,Source_Img_1602,Target_Img_1602,Black,Male,1,0.8560483 +1603,Source_Img_1603,Target_Img_1603,Black,Male,0,0.02130138 +1604,Source_Img_1604,Target_Img_1604,Black,Male,0,0.09649297 +1605,Source_Img_1605,Target_Img_1605,Black,Male,1,0.70011915 +1606,Source_Img_1606,Target_Img_1606,Black,Male,1,0.8244991 +1607,Source_Img_1607,Target_Img_1607,Black,Male,0,0.162639276 +1608,Source_Img_1608,Target_Img_1608,Black,Male,1,0.8638082 +1609,Source_Img_1609,Target_Img_1609,Black,Male,0,0.139813735 +1610,Source_Img_1610,Target_Img_1610,Black,Male,1,0.7976239 +1611,Source_Img_1611,Target_Img_1611,Black,Male,1,0.8829186 +1612,Source_Img_1612,Target_Img_1612,Black,Male,0,0.0369257 +1613,Source_Img_1613,Target_Img_1613,Black,Male,0,0.068443376 +1614,Source_Img_1614,Target_Img_1614,Black,Male,0,0.192295714 +1615,Source_Img_1615,Target_Img_1615,Black,Male,1,0.952 +1616,Source_Img_1616,Target_Img_1616,Black,Male,0,0.22147153 +1617,Source_Img_1617,Target_Img_1617,Black,Male,0,0.12015347 +1618,Source_Img_1618,Target_Img_1618,Black,Male,0,0.07602682 +1619,Source_Img_1619,Target_Img_1619,Black,Male,1,0.790082 +1620,Source_Img_1620,Target_Img_1620,Black,Male,0,0.18811569 +1621,Source_Img_1621,Target_Img_1621,Black,Male,1,0.75172234 +1622,Source_Img_1622,Target_Img_1622,Black,Male,0,0.134587945 +1623,Source_Img_1623,Target_Img_1623,Black,Male,1,0.92195596 +1624,Source_Img_1624,Target_Img_1624,Black,Male,0,0.04594604 +1625,Source_Img_1625,Target_Img_1625,Black,Male,1,0.84317437 +1626,Source_Img_1626,Target_Img_1626,Black,Male,0,0.12586457 +1627,Source_Img_1627,Target_Img_1627,Black,Male,0,0.14139093 +1628,Source_Img_1628,Target_Img_1628,Black,Male,1,0.7680085 +1629,Source_Img_1629,Target_Img_1629,Black,Male,0,0.17655543 +1630,Source_Img_1630,Target_Img_1630,Black,Male,1,0.76487 +1631,Source_Img_1631,Target_Img_1631,Black,Male,0,0.17153345 +1632,Source_Img_1632,Target_Img_1632,Black,Male,0,0.162942025 +1633,Source_Img_1633,Target_Img_1633,Black,Male,1,0.62954303 +1634,Source_Img_1634,Target_Img_1634,Black,Male,0,0.17247901 +1635,Source_Img_1635,Target_Img_1635,Black,Male,1,1 +1636,Source_Img_1636,Target_Img_1636,Black,Male,0,0.07446854 +1637,Source_Img_1637,Target_Img_1637,Black,Male,0,0.09451395 +1638,Source_Img_1638,Target_Img_1638,Black,Male,1,0.8783609 +1639,Source_Img_1639,Target_Img_1639,Black,Male,1,0.7219275 +1640,Source_Img_1640,Target_Img_1640,Black,Male,1,0.8656623 +1641,Source_Img_1641,Target_Img_1641,Black,Male,1,0.8546012 +1642,Source_Img_1642,Target_Img_1642,Black,Male,1,0.5884056 +1643,Source_Img_1643,Target_Img_1643,Black,Male,0,0.1106349 +1644,Source_Img_1644,Target_Img_1644,Black,Male,0,0.0141385 +1645,Source_Img_1645,Target_Img_1645,Black,Male,1,0.7095971 +1646,Source_Img_1646,Target_Img_1646,Black,Male,0,0.1165586 +1647,Source_Img_1647,Target_Img_1647,Black,Male,1,0.69136395 +1648,Source_Img_1648,Target_Img_1648,Black,Male,1,0.86689234 +1649,Source_Img_1649,Target_Img_1649,Black,Male,1,0.9067017 +1650,Source_Img_1650,Target_Img_1650,Black,Male,0,0.05840741 +1651,Source_Img_1651,Target_Img_1651,Black,Male,1,0.88364335 +1652,Source_Img_1652,Target_Img_1652,Black,Male,1,1 +1653,Source_Img_1653,Target_Img_1653,Black,Male,1,0.95011863 +1654,Source_Img_1654,Target_Img_1654,Black,Male,0,0.19501575 +1655,Source_Img_1655,Target_Img_1655,Black,Male,0,0 +1656,Source_Img_1656,Target_Img_1656,Black,Male,1,0.9643733 +1657,Source_Img_1657,Target_Img_1657,Black,Male,0,0.046257786 +1658,Source_Img_1658,Target_Img_1658,Black,Male,1,0.81581824 +1659,Source_Img_1659,Target_Img_1659,Black,Male,1,0.8142058 +1660,Source_Img_1660,Target_Img_1660,Black,Male,1,0.93739585 +1661,Source_Img_1661,Target_Img_1661,Black,Male,1,0.9331346 +1662,Source_Img_1662,Target_Img_1662,Black,Male,1,0.88746325 +1663,Source_Img_1663,Target_Img_1663,Black,Male,0,0.14035879 +1664,Source_Img_1664,Target_Img_1664,Black,Male,1,0.9465331 +1665,Source_Img_1665,Target_Img_1665,Black,Male,0,0.09735315 +1666,Source_Img_1666,Target_Img_1666,Black,Male,1,0.8262815 +1667,Source_Img_1667,Target_Img_1667,Black,Male,0,0.0421727 +1668,Source_Img_1668,Target_Img_1668,Black,Male,0,0.038509325 +1669,Source_Img_1669,Target_Img_1669,Black,Male,1,0.7078183 +1670,Source_Img_1670,Target_Img_1670,Black,Male,0,0.18682673 +1671,Source_Img_1671,Target_Img_1671,Black,Male,0,0.15034155 +1672,Source_Img_1672,Target_Img_1672,Black,Male,1,0.91277217 +1673,Source_Img_1673,Target_Img_1673,Black,Male,0,0.17513618 +1674,Source_Img_1674,Target_Img_1674,Black,Male,0,0.06197472 +1675,Source_Img_1675,Target_Img_1675,Black,Male,1,0.72440187 +1676,Source_Img_1676,Target_Img_1676,Black,Male,0,0.31613571 +1677,Source_Img_1677,Target_Img_1677,Black,Male,0,0.0113555 +1678,Source_Img_1678,Target_Img_1678,Black,Male,1,0.8399791 +1679,Source_Img_1679,Target_Img_1679,Black,Male,0,0.03676743 +1680,Source_Img_1680,Target_Img_1680,Black,Male,1,0.7770899 +1681,Source_Img_1681,Target_Img_1681,Black,Male,0,0.01388764 +1682,Source_Img_1682,Target_Img_1682,Black,Male,1,1 +1683,Source_Img_1683,Target_Img_1683,Black,Male,0,0.02948583 +1684,Source_Img_1684,Target_Img_1684,Black,Male,1,0.8407524 +1685,Source_Img_1685,Target_Img_1685,Black,Male,0,0.28783443 +1686,Source_Img_1686,Target_Img_1686,Black,Male,1,0.86350076 +1687,Source_Img_1687,Target_Img_1687,Black,Male,0,0.16721269 +1688,Source_Img_1688,Target_Img_1688,Black,Male,0,0.009168876 +1689,Source_Img_1689,Target_Img_1689,Black,Male,1,0.846792 +1690,Source_Img_1690,Target_Img_1690,Black,Male,0,0.05765234 +1691,Source_Img_1691,Target_Img_1691,Black,Male,0,0.101832314 +1692,Source_Img_1692,Target_Img_1692,Black,Male,0,0.173010005 +1693,Source_Img_1693,Target_Img_1693,Black,Male,1,0.7506766 +1694,Source_Img_1694,Target_Img_1694,Black,Male,1,0.761255 +1695,Source_Img_1695,Target_Img_1695,Black,Male,1,0.78961954 +1696,Source_Img_1696,Target_Img_1696,Black,Male,0,0.14590952 +1697,Source_Img_1697,Target_Img_1697,Black,Male,1,0.84809846 +1698,Source_Img_1698,Target_Img_1698,Black,Male,0,0.04270435 +1699,Source_Img_1699,Target_Img_1699,Black,Male,0,0.150869085 +1700,Source_Img_1700,Target_Img_1700,Black,Male,1,0.7287625 +1701,Source_Img_1701,Target_Img_1701,Black,Male,1,0.7178174 +1702,Source_Img_1702,Target_Img_1702,Black,Male,0,0.10623071 +1703,Source_Img_1703,Target_Img_1703,Black,Male,1,0.74192944 +1704,Source_Img_1704,Target_Img_1704,Black,Male,0,0.170550184 +1705,Source_Img_1705,Target_Img_1705,Black,Male,1,0.94182026 +1706,Source_Img_1706,Target_Img_1706,Black,Male,0,0.00806097 +1707,Source_Img_1707,Target_Img_1707,Black,Male,1,0.74703924 +1708,Source_Img_1708,Target_Img_1708,Black,Male,1,0.8879133 +1709,Source_Img_1709,Target_Img_1709,Black,Male,0,0.10660493 +1710,Source_Img_1710,Target_Img_1710,Black,Male,0,0.18759179 +1711,Source_Img_1711,Target_Img_1711,Black,Male,1,0.8221561 +1712,Source_Img_1712,Target_Img_1712,Black,Male,1,0.87496394 +1713,Source_Img_1713,Target_Img_1713,Black,Male,1,0.8282727 +1714,Source_Img_1714,Target_Img_1714,Black,Male,1,0.87133345 +1715,Source_Img_1715,Target_Img_1715,Black,Male,1,0.6786625 +1716,Source_Img_1716,Target_Img_1716,Black,Male,0,0.14426604 +1717,Source_Img_1717,Target_Img_1717,Black,Male,1,0.71150853 +1718,Source_Img_1718,Target_Img_1718,Black,Male,1,0.72964817 +1719,Source_Img_1719,Target_Img_1719,Black,Male,0,0.165387204 +1720,Source_Img_1720,Target_Img_1720,Black,Male,0,0.102628515 +1721,Source_Img_1721,Target_Img_1721,Black,Male,0,0.13074377 +1722,Source_Img_1722,Target_Img_1722,Black,Male,1,0.7986554 +1723,Source_Img_1723,Target_Img_1723,Black,Male,1,0.8149013 +1724,Source_Img_1724,Target_Img_1724,Black,Male,0,0.120229964 +1725,Source_Img_1725,Target_Img_1725,Black,Male,1,0.8744901 +1726,Source_Img_1726,Target_Img_1726,Black,Male,0,0.047838036 +1727,Source_Img_1727,Target_Img_1727,Black,Male,1,0.915 +1728,Source_Img_1728,Target_Img_1728,Black,Male,0,0.09192905 +1729,Source_Img_1729,Target_Img_1729,Black,Male,1,0.5586656 +1730,Source_Img_1730,Target_Img_1730,Black,Male,0,0.0854833 +1731,Source_Img_1731,Target_Img_1731,Black,Male,1,0.7763157 +1732,Source_Img_1732,Target_Img_1732,Black,Male,0,0.07599448 +1733,Source_Img_1733,Target_Img_1733,Black,Male,0,0.11685748 +1734,Source_Img_1734,Target_Img_1734,Black,Male,1,0.99511476 +1735,Source_Img_1735,Target_Img_1735,Black,Male,0,0.04025158 +1736,Source_Img_1736,Target_Img_1736,Black,Male,1,0.9211368 +1737,Source_Img_1737,Target_Img_1737,Black,Male,0,0.12138371 +1738,Source_Img_1738,Target_Img_1738,Black,Male,1,0.7655042 +1739,Source_Img_1739,Target_Img_1739,Black,Male,1,0.7062665 +1740,Source_Img_1740,Target_Img_1740,Black,Male,0,0.01636069 +1741,Source_Img_1741,Target_Img_1741,Black,Male,1,0.648262 +1742,Source_Img_1742,Target_Img_1742,Black,Male,1,0.937 +1743,Source_Img_1743,Target_Img_1743,Black,Male,0,0.08991309 +1744,Source_Img_1744,Target_Img_1744,Black,Male,1,0.61786305 +1745,Source_Img_1745,Target_Img_1745,Black,Male,1,0.93124366 +1746,Source_Img_1746,Target_Img_1746,Black,Male,0,0.00258416 +1747,Source_Img_1747,Target_Img_1747,Black,Male,1,0.68826484 +1748,Source_Img_1748,Target_Img_1748,Black,Male,0,0.03697285 +1749,Source_Img_1749,Target_Img_1749,Black,Male,0,0.03435297 +1750,Source_Img_1750,Target_Img_1750,Black,Male,1,0.8309399 +1751,Source_Img_1751,Target_Img_1751,Black,Male,0,0.11406397 +1752,Source_Img_1752,Target_Img_1752,Black,Male,1,1 +1753,Source_Img_1753,Target_Img_1753,Black,Male,1,0.6919821 +1754,Source_Img_1754,Target_Img_1754,Black,Male,0,0.096941094 +1755,Source_Img_1755,Target_Img_1755,Black,Male,1,0.7125626 +1756,Source_Img_1756,Target_Img_1756,Black,Male,1,0.85294966 +1757,Source_Img_1757,Target_Img_1757,Black,Male,1,0.9483531 +1758,Source_Img_1758,Target_Img_1758,Black,Male,0,0.0105784 +1759,Source_Img_1759,Target_Img_1759,Black,Male,0,0.05257166 +1760,Source_Img_1760,Target_Img_1760,Black,Male,1,0.7728945 +1761,Source_Img_1761,Target_Img_1761,Black,Male,0,0.062370004 +1762,Source_Img_1762,Target_Img_1762,Black,Male,1,0.8110923 +1763,Source_Img_1763,Target_Img_1763,Black,Male,0,0.1527567 +1764,Source_Img_1764,Target_Img_1764,Black,Male,1,0.94177956 +1765,Source_Img_1765,Target_Img_1765,Black,Male,0,0.040121036 +1766,Source_Img_1766,Target_Img_1766,Black,Male,0,0.07490869 +1767,Source_Img_1767,Target_Img_1767,Black,Male,0,0.02065917 +1768,Source_Img_1768,Target_Img_1768,Black,Male,1,0.8834804 +1769,Source_Img_1769,Target_Img_1769,Black,Male,1,1 +1770,Source_Img_1770,Target_Img_1770,Black,Male,0,0.195329795 +1771,Source_Img_1771,Target_Img_1771,Black,Male,1,0.84451017 +1772,Source_Img_1772,Target_Img_1772,Black,Male,0,0.15306152 +1773,Source_Img_1773,Target_Img_1773,Black,Male,0,0.10544139 +1774,Source_Img_1774,Target_Img_1774,Black,Male,0,0.00982373 +1775,Source_Img_1775,Target_Img_1775,Black,Male,1,0.840928 +1776,Source_Img_1776,Target_Img_1776,Black,Male,1,0.8792617 +1777,Source_Img_1777,Target_Img_1777,Black,Male,0,0.3509245 +1778,Source_Img_1778,Target_Img_1778,Black,Male,1,1 +1779,Source_Img_1779,Target_Img_1779,Black,Male,0,0.00224912 +1780,Source_Img_1780,Target_Img_1780,Black,Male,1,0.6978038 +1781,Source_Img_1781,Target_Img_1781,Black,Male,0,0.10146119 +1782,Source_Img_1782,Target_Img_1782,Black,Male,0,0.12330996 +1783,Source_Img_1783,Target_Img_1783,Black,Male,1,0.7431691 +1784,Source_Img_1784,Target_Img_1784,Black,Male,0,0.07903824 +1785,Source_Img_1785,Target_Img_1785,Black,Male,1,0.84438025 +1786,Source_Img_1786,Target_Img_1786,Black,Male,0,0.05007012 +1787,Source_Img_1787,Target_Img_1787,Black,Male,1,0.81127217 +1788,Source_Img_1788,Target_Img_1788,Black,Male,0,0.00669796 +1789,Source_Img_1789,Target_Img_1789,Black,Male,0,0.071606635 +1790,Source_Img_1790,Target_Img_1790,Black,Male,1,0.8880989 +1791,Source_Img_1791,Target_Img_1791,Black,Male,0,0 +1792,Source_Img_1792,Target_Img_1792,Black,Male,1,0.7691455 +1793,Source_Img_1793,Target_Img_1793,Black,Male,0,0.10376152 +1794,Source_Img_1794,Target_Img_1794,Black,Male,0,0.22238559 +1795,Source_Img_1795,Target_Img_1795,Black,Male,1,0.7270232 +1796,Source_Img_1796,Target_Img_1796,Black,Male,0,0.0736886 +1797,Source_Img_1797,Target_Img_1797,Black,Male,1,0.72919585 +1798,Source_Img_1798,Target_Img_1798,Black,Male,1,0.8027747 +1799,Source_Img_1799,Target_Img_1799,Black,Male,1,1 +1800,Source_Img_1800,Target_Img_1800,Black,Male,0,0.09868515 +1801,Source_Img_1801,Target_Img_1801,Black,Male,1,0.79829945 +1802,Source_Img_1802,Target_Img_1802,Black,Male,1,0.8532108 +1803,Source_Img_1803,Target_Img_1803,Black,Male,1,0.8280973 +1804,Source_Img_1804,Target_Img_1804,Black,Male,0,0.168432315 +1805,Source_Img_1805,Target_Img_1805,Black,Male,1,0.7955175 +1806,Source_Img_1806,Target_Img_1806,Black,Male,0,0.12204719 +1807,Source_Img_1807,Target_Img_1807,Black,Male,0,0.03843913 +1808,Source_Img_1808,Target_Img_1808,Black,Male,1,0.86219126 +1809,Source_Img_1809,Target_Img_1809,Black,Male,0,0 +1810,Source_Img_1810,Target_Img_1810,Black,Male,1,0.939 +1811,Source_Img_1811,Target_Img_1811,Black,Male,1,0.8790839 +1812,Source_Img_1812,Target_Img_1812,Black,Male,1,0.77338465 +1813,Source_Img_1813,Target_Img_1813,Black,Male,0,0.07397218 +1814,Source_Img_1814,Target_Img_1814,Black,Male,1,0.91883816 +1815,Source_Img_1815,Target_Img_1815,Black,Male,0,0.01293311 +1816,Source_Img_1816,Target_Img_1816,Black,Male,0,0.123559075 +1817,Source_Img_1817,Target_Img_1817,Black,Male,1,1 +1818,Source_Img_1818,Target_Img_1818,Black,Male,1,0.933279 +1819,Source_Img_1819,Target_Img_1819,Black,Male,0,0.102991315 +1820,Source_Img_1820,Target_Img_1820,Black,Male,1,0.8536618 +1821,Source_Img_1821,Target_Img_1821,Black,Male,1,0.6478065 +1822,Source_Img_1822,Target_Img_1822,Black,Male,1,0.7897335 +1823,Source_Img_1823,Target_Img_1823,Black,Male,0,0.11586352 +1824,Source_Img_1824,Target_Img_1824,Black,Male,0,0.05355118 +1825,Source_Img_1825,Target_Img_1825,Black,Male,1,0.8646151 +1826,Source_Img_1826,Target_Img_1826,Black,Male,1,0.61449025 +1827,Source_Img_1827,Target_Img_1827,Black,Male,1,0.7915772 +1828,Source_Img_1828,Target_Img_1828,Black,Male,1,1 +1829,Source_Img_1829,Target_Img_1829,Black,Male,0,0.04825476 +1830,Source_Img_1830,Target_Img_1830,Black,Male,1,0.92763913 +1831,Source_Img_1831,Target_Img_1831,Black,Male,0,0.05146115 +1832,Source_Img_1832,Target_Img_1832,Black,Male,1,0.817726 +1833,Source_Img_1833,Target_Img_1833,Black,Male,0,0.05690002 +1834,Source_Img_1834,Target_Img_1834,Black,Male,1,0.9523941 +1835,Source_Img_1835,Target_Img_1835,Black,Male,0,0.13445772 +1836,Source_Img_1836,Target_Img_1836,Black,Male,1,0.56723605 +1837,Source_Img_1837,Target_Img_1837,Black,Male,0,0.05937209 +1838,Source_Img_1838,Target_Img_1838,Black,Male,1,0.945 +1839,Source_Img_1839,Target_Img_1839,Black,Male,1,0.62925555 +1840,Source_Img_1840,Target_Img_1840,Black,Male,0,0.08469802 +1841,Source_Img_1841,Target_Img_1841,Black,Male,1,0.9249852 +1842,Source_Img_1842,Target_Img_1842,Black,Male,0,0.17406224 +1843,Source_Img_1843,Target_Img_1843,Black,Male,1,0.8869839 +1844,Source_Img_1844,Target_Img_1844,Black,Male,0,0.18833962 +1845,Source_Img_1845,Target_Img_1845,Black,Male,1,0.87353495 +1846,Source_Img_1846,Target_Img_1846,Black,Male,0,0.14078962 +1847,Source_Img_1847,Target_Img_1847,Black,Male,0,0.129927976 +1848,Source_Img_1848,Target_Img_1848,Black,Male,0,0.00137001 +1849,Source_Img_1849,Target_Img_1849,Black,Male,1,0.67094713 +1850,Source_Img_1850,Target_Img_1850,Black,Male,1,0.7586354 +1851,Source_Img_1851,Target_Img_1851,Black,Male,1,0.7998538 +1852,Source_Img_1852,Target_Img_1852,Black,Male,0,0.04358501 +1853,Source_Img_1853,Target_Img_1853,Black,Male,0,0.0431126 +1854,Source_Img_1854,Target_Img_1854,Black,Male,1,0.5308919 +1855,Source_Img_1855,Target_Img_1855,Black,Male,0,0.20501967 +1856,Source_Img_1856,Target_Img_1856,Black,Male,0,0.16208013 +1857,Source_Img_1857,Target_Img_1857,Black,Male,1,0.7410307 +1858,Source_Img_1858,Target_Img_1858,Black,Male,0,0.09003638 +1859,Source_Img_1859,Target_Img_1859,Black,Male,1,0.6554898 +1860,Source_Img_1860,Target_Img_1860,Black,Male,1,0.949 +1861,Source_Img_1861,Target_Img_1861,Black,Male,0,0.01039125 +1862,Source_Img_1862,Target_Img_1862,Black,Male,0,0.17742565 +1863,Source_Img_1863,Target_Img_1863,Black,Male,1,0.8590648 +1864,Source_Img_1864,Target_Img_1864,Black,Male,0,0.11466834 +1865,Source_Img_1865,Target_Img_1865,Black,Male,0,0.06824814 +1866,Source_Img_1866,Target_Img_1866,Black,Male,0,0.0159955 +1867,Source_Img_1867,Target_Img_1867,Black,Male,1,0.70206744 +1868,Source_Img_1868,Target_Img_1868,Black,Male,0,0.16756458 +1869,Source_Img_1869,Target_Img_1869,Black,Male,1,0.73288197 +1870,Source_Img_1870,Target_Img_1870,Black,Male,0,0.12836699 +1871,Source_Img_1871,Target_Img_1871,Black,Male,0,0.06542034 +1872,Source_Img_1872,Target_Img_1872,Black,Male,1,0.71562476 +1873,Source_Img_1873,Target_Img_1873,Black,Male,1,0.7161876 +1874,Source_Img_1874,Target_Img_1874,Black,Male,1,0.74106924 +1875,Source_Img_1875,Target_Img_1875,Black,Male,0,0 +1876,Source_Img_1876,Target_Img_1876,Black,Male,0,0.17976275 +1877,Source_Img_1877,Target_Img_1877,Black,Male,0,0.10211165 +1878,Source_Img_1878,Target_Img_1878,Black,Male,0,0.108252446 +1879,Source_Img_1879,Target_Img_1879,Black,Male,1,0.70382264 +1880,Source_Img_1880,Target_Img_1880,Black,Male,0,0.07878346 +1881,Source_Img_1881,Target_Img_1881,Black,Male,1,0.78504326 +1882,Source_Img_1882,Target_Img_1882,Black,Male,0,0.155343854 +1883,Source_Img_1883,Target_Img_1883,Black,Male,1,0.78659283 +1884,Source_Img_1884,Target_Img_1884,Black,Male,0,0.18598954 +1885,Source_Img_1885,Target_Img_1885,Black,Male,0,0.20985978 +1886,Source_Img_1886,Target_Img_1886,Black,Male,1,0.70802566 +1887,Source_Img_1887,Target_Img_1887,Black,Male,0,0.02832607 +1888,Source_Img_1888,Target_Img_1888,Black,Male,0,0.04926545 +1889,Source_Img_1889,Target_Img_1889,Black,Male,1,0.86208086 +1890,Source_Img_1890,Target_Img_1890,Black,Male,1,0.80857784 +1891,Source_Img_1891,Target_Img_1891,Black,Male,0,0.124241765 +1892,Source_Img_1892,Target_Img_1892,Black,Male,0,0.17341731 +1893,Source_Img_1893,Target_Img_1893,Black,Male,1,0.72377864 +1894,Source_Img_1894,Target_Img_1894,Black,Male,0,0.04290981 +1895,Source_Img_1895,Target_Img_1895,Black,Male,0,0.02041076 +1896,Source_Img_1896,Target_Img_1896,Black,Male,1,0.96230825 +1897,Source_Img_1897,Target_Img_1897,Black,Male,1,0.7583786 +1898,Source_Img_1898,Target_Img_1898,Black,Male,0,0.11500543 +1899,Source_Img_1899,Target_Img_1899,Black,Male,0,0.079375905 +1900,Source_Img_1900,Target_Img_1900,Black,Male,0,0.10076921 +1901,Source_Img_1901,Target_Img_1901,Black,Male,0,0.073310595 +1902,Source_Img_1902,Target_Img_1902,Black,Male,1,0.9530841 +1903,Source_Img_1903,Target_Img_1903,Black,Male,0,0.172382976 +1904,Source_Img_1904,Target_Img_1904,Black,Male,0,0.15241249 +1905,Source_Img_1905,Target_Img_1905,Black,Male,1,0.7118064 +1906,Source_Img_1906,Target_Img_1906,Black,Male,0,0.152497766 +1907,Source_Img_1907,Target_Img_1907,Black,Male,0,0.006520105 +1908,Source_Img_1908,Target_Img_1908,Black,Male,1,0.79743566 +1909,Source_Img_1909,Target_Img_1909,Black,Male,1,0.7116812 +1910,Source_Img_1910,Target_Img_1910,Black,Male,1,0.76906664 +1911,Source_Img_1911,Target_Img_1911,Black,Male,0,0.13655301 +1912,Source_Img_1912,Target_Img_1912,Black,Male,1,0.8312132 +1913,Source_Img_1913,Target_Img_1913,Black,Male,0,0.063420314 +1914,Source_Img_1914,Target_Img_1914,Black,Male,0,0.05801842 +1915,Source_Img_1915,Target_Img_1915,Black,Male,1,0.9105571 +1916,Source_Img_1916,Target_Img_1916,Black,Male,1,0.76673606 +1917,Source_Img_1917,Target_Img_1917,Black,Male,1,0.56478364 +1918,Source_Img_1918,Target_Img_1918,Black,Male,1,0.89485256 +1919,Source_Img_1919,Target_Img_1919,Black,Male,0,0 +1920,Source_Img_1920,Target_Img_1920,Black,Male,0,0.100783456 +1921,Source_Img_1921,Target_Img_1921,Black,Male,1,0.722212 +1922,Source_Img_1922,Target_Img_1922,Black,Male,0,0.12259656 +1923,Source_Img_1923,Target_Img_1923,Black,Male,1,0.8442814 +1924,Source_Img_1924,Target_Img_1924,Black,Male,0,0.17896013 +1925,Source_Img_1925,Target_Img_1925,Black,Male,1,0.9800286 +1926,Source_Img_1926,Target_Img_1926,Black,Male,0,0.08661841 +1927,Source_Img_1927,Target_Img_1927,Black,Male,0,0.03395853 +1928,Source_Img_1928,Target_Img_1928,Black,Male,0,0.04655347 +1929,Source_Img_1929,Target_Img_1929,Black,Male,1,0.7713419 +1930,Source_Img_1930,Target_Img_1930,Black,Male,0,0.10517291 +1931,Source_Img_1931,Target_Img_1931,Black,Male,0,0.008602206 +1932,Source_Img_1932,Target_Img_1932,Black,Male,1,0.8836487 +1933,Source_Img_1933,Target_Img_1933,Black,Male,1,0.90021355 +1934,Source_Img_1934,Target_Img_1934,Black,Male,1,0.85069756 +1935,Source_Img_1935,Target_Img_1935,Black,Male,1,0.80702067 +1936,Source_Img_1936,Target_Img_1936,Black,Male,0,0.04055353 +1937,Source_Img_1937,Target_Img_1937,Black,Male,1,0.8500389 +1938,Source_Img_1938,Target_Img_1938,Black,Male,0,0.132777695 +1939,Source_Img_1939,Target_Img_1939,Black,Male,0,0.17140854 +1940,Source_Img_1940,Target_Img_1940,Black,Male,1,0.93669165 +1941,Source_Img_1941,Target_Img_1941,Black,Male,1,0.9409232 +1942,Source_Img_1942,Target_Img_1942,Black,Male,0,0.05601093 +1943,Source_Img_1943,Target_Img_1943,Black,Male,0,0.14540042 +1944,Source_Img_1944,Target_Img_1944,Black,Male,1,1 +1945,Source_Img_1945,Target_Img_1945,Black,Male,0,0.11415688 +1946,Source_Img_1946,Target_Img_1946,Black,Male,1,0.7637053 +1947,Source_Img_1947,Target_Img_1947,Black,Male,1,1 +1948,Source_Img_1948,Target_Img_1948,Black,Male,0,0.132543304 +1949,Source_Img_1949,Target_Img_1949,Black,Male,0,0.14931332 +1950,Source_Img_1950,Target_Img_1950,Black,Male,1,0.8807652 +1951,Source_Img_1951,Target_Img_1951,Black,Male,0,0.12250363 +1952,Source_Img_1952,Target_Img_1952,Black,Male,1,0.7841764 +1953,Source_Img_1953,Target_Img_1953,Black,Male,0,0.184822935 +1954,Source_Img_1954,Target_Img_1954,Black,Male,1,0.9630657 +1955,Source_Img_1955,Target_Img_1955,Black,Male,1,0.7933069 +1956,Source_Img_1956,Target_Img_1956,Black,Male,0,0.173105136 +1957,Source_Img_1957,Target_Img_1957,Black,Male,1,0.74351594 +1958,Source_Img_1958,Target_Img_1958,Black,Male,0,0.044269595 +1959,Source_Img_1959,Target_Img_1959,Black,Male,1,0.7930962 +1960,Source_Img_1960,Target_Img_1960,Black,Male,0,0.12299632 +1961,Source_Img_1961,Target_Img_1961,Black,Male,1,0.9870007 +1962,Source_Img_1962,Target_Img_1962,Black,Male,0,0.01402037 +1963,Source_Img_1963,Target_Img_1963,Black,Male,0,0.14810562 +1964,Source_Img_1964,Target_Img_1964,Black,Male,1,0.5683173 +1965,Source_Img_1965,Target_Img_1965,Black,Male,0,0.033259305 +1966,Source_Img_1966,Target_Img_1966,Black,Male,0,0.13833625 +1967,Source_Img_1967,Target_Img_1967,Black,Male,1,0.67953365 +1968,Source_Img_1968,Target_Img_1968,Black,Male,1,0.989 +1969,Source_Img_1969,Target_Img_1969,Black,Male,1,0.7716753 +1970,Source_Img_1970,Target_Img_1970,Black,Male,0,0.14255286 +1971,Source_Img_1971,Target_Img_1971,Black,Male,1,0.75321054 +1972,Source_Img_1972,Target_Img_1972,Black,Male,1,0.7551097 +1973,Source_Img_1973,Target_Img_1973,Black,Male,0,0.0453588 +1974,Source_Img_1974,Target_Img_1974,Black,Male,1,1 +1975,Source_Img_1975,Target_Img_1975,Black,Male,0,0.08144922 +1976,Source_Img_1976,Target_Img_1976,Black,Male,1,0.64497145 +1977,Source_Img_1977,Target_Img_1977,Black,Male,1,0.60490743 +1978,Source_Img_1978,Target_Img_1978,Black,Male,0,0.11916755 +1979,Source_Img_1979,Target_Img_1979,Black,Male,1,0.7920683 +1980,Source_Img_1980,Target_Img_1980,Black,Male,0,0.040640094 +1981,Source_Img_1981,Target_Img_1981,Black,Male,0,0 +1982,Source_Img_1982,Target_Img_1982,Black,Male,1,0.8507618 +1983,Source_Img_1983,Target_Img_1983,Black,Male,0,0.058942855 +1984,Source_Img_1984,Target_Img_1984,Black,Male,0,0.0657353 +1985,Source_Img_1985,Target_Img_1985,Black,Male,1,0.71216955 +1986,Source_Img_1986,Target_Img_1986,Black,Male,0,0.05749555 +1987,Source_Img_1987,Target_Img_1987,Black,Male,1,1 +1988,Source_Img_1988,Target_Img_1988,Black,Male,1,0.923 +1989,Source_Img_1989,Target_Img_1989,Black,Male,0,0.185110294 +1990,Source_Img_1990,Target_Img_1990,Black,Male,0,0.12120001 +1991,Source_Img_1991,Target_Img_1991,Black,Male,1,0.7258223 +1992,Source_Img_1992,Target_Img_1992,Black,Male,0,0.056433116 +1993,Source_Img_1993,Target_Img_1993,Black,Male,0,0.17830192 +1994,Source_Img_1994,Target_Img_1994,Black,Male,1,0.6407344 +1995,Source_Img_1995,Target_Img_1995,Black,Male,1,0.91741747 +1996,Source_Img_1996,Target_Img_1996,Black,Male,0,0.01738892 +1997,Source_Img_1997,Target_Img_1997,Black,Male,0,0.154115786 +1998,Source_Img_1998,Target_Img_1998,Black,Male,1,0.90164984 +1999,Source_Img_1999,Target_Img_1999,Black,Male,1,0.7438729 +2000,Source_Img_2000,Target_Img_2000,White,Female,0,0.30328694 +2001,Source_Img_2001,Target_Img_2001,White,Female,1,0.7753081 +2002,Source_Img_2002,Target_Img_2002,White,Female,0,0.13962635 +2003,Source_Img_2003,Target_Img_2003,White,Female,1,0.7720423 +2004,Source_Img_2004,Target_Img_2004,White,Female,0,0.06966842 +2005,Source_Img_2005,Target_Img_2005,White,Female,0,0.177800575 +2006,Source_Img_2006,Target_Img_2006,White,Female,1,0.8557798 +2007,Source_Img_2007,Target_Img_2007,White,Female,0,0.079957645 +2008,Source_Img_2008,Target_Img_2008,White,Female,0,0.04265736 +2009,Source_Img_2009,Target_Img_2009,White,Female,1,0.84925244 +2010,Source_Img_2010,Target_Img_2010,White,Female,0,0.16761972 +2011,Source_Img_2011,Target_Img_2011,White,Female,1,0.7669959 +2012,Source_Img_2012,Target_Img_2012,White,Female,0,0.03239358 +2013,Source_Img_2013,Target_Img_2013,White,Female,1,0.8498373 +2014,Source_Img_2014,Target_Img_2014,White,Female,0,0.18334031 +2015,Source_Img_2015,Target_Img_2015,White,Female,1,0.82326505 +2016,Source_Img_2016,Target_Img_2016,White,Female,0,0.095846666 +2017,Source_Img_2017,Target_Img_2017,White,Female,1,0.6730437 +2018,Source_Img_2018,Target_Img_2018,White,Female,0,0.10217155 +2019,Source_Img_2019,Target_Img_2019,White,Female,1,0.7010992 +2020,Source_Img_2020,Target_Img_2020,White,Female,0,0.02414248 +2021,Source_Img_2021,Target_Img_2021,White,Female,1,0.7380562 +2022,Source_Img_2022,Target_Img_2022,White,Female,0,0.055031645 +2023,Source_Img_2023,Target_Img_2023,White,Female,1,1 +2024,Source_Img_2024,Target_Img_2024,White,Female,0,0.03975702 +2025,Source_Img_2025,Target_Img_2025,White,Female,0,0.166106534 +2026,Source_Img_2026,Target_Img_2026,White,Female,1,0.8306856 +2027,Source_Img_2027,Target_Img_2027,White,Female,0,0.00838146 +2028,Source_Img_2028,Target_Img_2028,White,Female,0,0.01042898 +2029,Source_Img_2029,Target_Img_2029,White,Female,1,0.7757975 +2030,Source_Img_2030,Target_Img_2030,White,Female,0,0.03475212 +2031,Source_Img_2031,Target_Img_2031,White,Female,1,0.72850257 +2032,Source_Img_2032,Target_Img_2032,White,Female,1,0.95499916 +2033,Source_Img_2033,Target_Img_2033,White,Female,0,0.03092912 +2034,Source_Img_2034,Target_Img_2034,White,Female,0,0.080559346 +2035,Source_Img_2035,Target_Img_2035,White,Female,1,0.8955063 +2036,Source_Img_2036,Target_Img_2036,White,Female,0,0.17535229 +2037,Source_Img_2037,Target_Img_2037,White,Female,1,0.81939795 +2038,Source_Img_2038,Target_Img_2038,White,Female,1,0.9057087 +2039,Source_Img_2039,Target_Img_2039,White,Female,0,0.151128686 +2040,Source_Img_2040,Target_Img_2040,White,Female,0,0.17337392 +2041,Source_Img_2041,Target_Img_2041,White,Female,1,0.8635952 +2042,Source_Img_2042,Target_Img_2042,White,Female,0,0.16230273 +2043,Source_Img_2043,Target_Img_2043,White,Female,1,0.72543535 +2044,Source_Img_2044,Target_Img_2044,White,Female,0,0.16983767 +2045,Source_Img_2045,Target_Img_2045,White,Female,1,0.71774587 +2046,Source_Img_2046,Target_Img_2046,White,Female,0,0.28367788 +2047,Source_Img_2047,Target_Img_2047,White,Female,1,0.7258236 +2048,Source_Img_2048,Target_Img_2048,White,Female,0,0.17383096 +2049,Source_Img_2049,Target_Img_2049,White,Female,1,0.7921552 +2050,Source_Img_2050,Target_Img_2050,White,Female,0,0.12138568 +2051,Source_Img_2051,Target_Img_2051,White,Female,1,0.8763437 +2052,Source_Img_2052,Target_Img_2052,White,Female,0,0.14056867 +2053,Source_Img_2053,Target_Img_2053,White,Female,1,0.72291504 +2054,Source_Img_2054,Target_Img_2054,White,Female,0,0.18159813 +2055,Source_Img_2055,Target_Img_2055,White,Female,1,0.8114403 +2056,Source_Img_2056,Target_Img_2056,White,Female,1,0.5500139 +2057,Source_Img_2057,Target_Img_2057,White,Female,0,0.059330725 +2058,Source_Img_2058,Target_Img_2058,White,Female,1,0.60488083 +2059,Source_Img_2059,Target_Img_2059,White,Female,0,0.18144935 +2060,Source_Img_2060,Target_Img_2060,White,Female,0,0.04576229 +2061,Source_Img_2061,Target_Img_2061,White,Female,1,0.79004933 +2062,Source_Img_2062,Target_Img_2062,White,Female,0,0.28982568 +2063,Source_Img_2063,Target_Img_2063,White,Female,0,0.15185914 +2064,Source_Img_2064,Target_Img_2064,White,Female,0,0.09890835 +2065,Source_Img_2065,Target_Img_2065,White,Female,1,0.6350508 +2066,Source_Img_2066,Target_Img_2066,White,Female,1,0.7163883 +2067,Source_Img_2067,Target_Img_2067,White,Female,0,0.11625145 +2068,Source_Img_2068,Target_Img_2068,White,Female,1,0.961 +2069,Source_Img_2069,Target_Img_2069,White,Female,1,0.68173704 +2070,Source_Img_2070,Target_Img_2070,White,Female,0,0.005772075 +2071,Source_Img_2071,Target_Img_2071,White,Female,1,0.6657279 +2072,Source_Img_2072,Target_Img_2072,White,Female,0,0.010176974 +2073,Source_Img_2073,Target_Img_2073,White,Female,1,1 +2074,Source_Img_2074,Target_Img_2074,White,Female,0,0.136816174 +2075,Source_Img_2075,Target_Img_2075,White,Female,1,0.80014284 +2076,Source_Img_2076,Target_Img_2076,White,Female,0,0.00383886 +2077,Source_Img_2077,Target_Img_2077,White,Female,1,0.5120522 +2078,Source_Img_2078,Target_Img_2078,White,Female,1,0.70972014 +2079,Source_Img_2079,Target_Img_2079,White,Female,0,0.1081505 +2080,Source_Img_2080,Target_Img_2080,White,Female,0,0.15811598 +2081,Source_Img_2081,Target_Img_2081,White,Female,0,0.0728887 +2082,Source_Img_2082,Target_Img_2082,White,Female,1,0.58170713 +2083,Source_Img_2083,Target_Img_2083,White,Female,1,0.5677929 +2084,Source_Img_2084,Target_Img_2084,White,Female,0,0.14283261 +2085,Source_Img_2085,Target_Img_2085,White,Female,0,0.03665667 +2086,Source_Img_2086,Target_Img_2086,White,Female,0,0.05707171 +2087,Source_Img_2087,Target_Img_2087,White,Female,1,0.6571614 +2088,Source_Img_2088,Target_Img_2088,White,Female,0,0.037829395 +2089,Source_Img_2089,Target_Img_2089,White,Female,1,0.8734433 +2090,Source_Img_2090,Target_Img_2090,White,Female,0,0.13839267 +2091,Source_Img_2091,Target_Img_2091,White,Female,0,0.17458012 +2092,Source_Img_2092,Target_Img_2092,White,Female,1,0.705552 +2093,Source_Img_2093,Target_Img_2093,White,Female,0,0.012032824 +2094,Source_Img_2094,Target_Img_2094,White,Female,1,0.80623266 +2095,Source_Img_2095,Target_Img_2095,White,Female,0,0 +2096,Source_Img_2096,Target_Img_2096,White,Female,1,0.82316036 +2097,Source_Img_2097,Target_Img_2097,White,Female,1,0.74927695 +2098,Source_Img_2098,Target_Img_2098,White,Female,0,0.115591294 +2099,Source_Img_2099,Target_Img_2099,White,Female,1,0.7320401 +2100,Source_Img_2100,Target_Img_2100,White,Female,0,0.058533844 +2101,Source_Img_2101,Target_Img_2101,White,Female,1,0.8159683 +2102,Source_Img_2102,Target_Img_2102,White,Female,1,0.7213194 +2103,Source_Img_2103,Target_Img_2103,White,Female,0,0.16781653 +2104,Source_Img_2104,Target_Img_2104,White,Female,1,0.5969943 +2105,Source_Img_2105,Target_Img_2105,White,Female,0,0 +2106,Source_Img_2106,Target_Img_2106,White,Female,0,0.01103426 +2107,Source_Img_2107,Target_Img_2107,White,Female,1,0.862857 +2108,Source_Img_2108,Target_Img_2108,White,Female,0,0.19668955 +2109,Source_Img_2109,Target_Img_2109,White,Female,0,0.11548094 +2110,Source_Img_2110,Target_Img_2110,White,Female,1,1 +2111,Source_Img_2111,Target_Img_2111,White,Female,0,0.029387586 +2112,Source_Img_2112,Target_Img_2112,White,Female,1,1 +2113,Source_Img_2113,Target_Img_2113,White,Female,1,0.7058803 +2114,Source_Img_2114,Target_Img_2114,White,Female,1,0.62686583 +2115,Source_Img_2115,Target_Img_2115,White,Female,1,0.70177013 +2116,Source_Img_2116,Target_Img_2116,White,Female,0,0.17588802 +2117,Source_Img_2117,Target_Img_2117,White,Female,1,0.8214253 +2118,Source_Img_2118,Target_Img_2118,White,Female,0,0.067660495 +2119,Source_Img_2119,Target_Img_2119,White,Female,0,0.190443835 +2120,Source_Img_2120,Target_Img_2120,White,Female,1,0.87804673 +2121,Source_Img_2121,Target_Img_2121,White,Female,1,0.6567291 +2122,Source_Img_2122,Target_Img_2122,White,Female,1,0.6550781 +2123,Source_Img_2123,Target_Img_2123,White,Female,0,0.19352553 +2124,Source_Img_2124,Target_Img_2124,White,Female,1,0.61315336 +2125,Source_Img_2125,Target_Img_2125,White,Female,0,0.03407748 +2126,Source_Img_2126,Target_Img_2126,White,Female,1,0.88369626 +2127,Source_Img_2127,Target_Img_2127,White,Female,1,0.87268066 +2128,Source_Img_2128,Target_Img_2128,White,Female,0,0.01799205 +2129,Source_Img_2129,Target_Img_2129,White,Female,0,0.31328147 +2130,Source_Img_2130,Target_Img_2130,White,Female,1,0.8690738 +2131,Source_Img_2131,Target_Img_2131,White,Female,0,0.08527782 +2132,Source_Img_2132,Target_Img_2132,White,Female,1,0.8442378 +2133,Source_Img_2133,Target_Img_2133,White,Female,1,0.6083248 +2134,Source_Img_2134,Target_Img_2134,White,Female,0,0.154152446 +2135,Source_Img_2135,Target_Img_2135,White,Female,1,0.7913397 +2136,Source_Img_2136,Target_Img_2136,White,Female,0,0.1900228 +2137,Source_Img_2137,Target_Img_2137,White,Female,0,0.131172916 +2138,Source_Img_2138,Target_Img_2138,White,Female,1,0.71715596 +2139,Source_Img_2139,Target_Img_2139,White,Female,1,0.8347316 +2140,Source_Img_2140,Target_Img_2140,White,Female,0,0.12389534 +2141,Source_Img_2141,Target_Img_2141,White,Female,1,0.7251998 +2142,Source_Img_2142,Target_Img_2142,White,Female,0,0.17563632 +2143,Source_Img_2143,Target_Img_2143,White,Female,0,0.04614622 +2144,Source_Img_2144,Target_Img_2144,White,Female,1,0.5750119 +2145,Source_Img_2145,Target_Img_2145,White,Female,1,0.935 +2146,Source_Img_2146,Target_Img_2146,White,Female,1,0.68446134 +2147,Source_Img_2147,Target_Img_2147,White,Female,0,0.18288799 +2148,Source_Img_2148,Target_Img_2148,White,Female,1,0.7082722 +2149,Source_Img_2149,Target_Img_2149,White,Female,0,0.12365767 +2150,Source_Img_2150,Target_Img_2150,White,Female,1,0.91722276 +2151,Source_Img_2151,Target_Img_2151,White,Female,0,0.17660402 +2152,Source_Img_2152,Target_Img_2152,White,Female,0,0.00577594 +2153,Source_Img_2153,Target_Img_2153,White,Female,1,0.70908983 +2154,Source_Img_2154,Target_Img_2154,White,Female,1,0.8537704 +2155,Source_Img_2155,Target_Img_2155,White,Female,0,0.034150445 +2156,Source_Img_2156,Target_Img_2156,White,Female,1,0.66391996 +2157,Source_Img_2157,Target_Img_2157,White,Female,1,0.7243605 +2158,Source_Img_2158,Target_Img_2158,White,Female,0,0.08957064 +2159,Source_Img_2159,Target_Img_2159,White,Female,1,0.8390341 +2160,Source_Img_2160,Target_Img_2160,White,Female,1,0.6708709 +2161,Source_Img_2161,Target_Img_2161,White,Female,0,0.19981824 +2162,Source_Img_2162,Target_Img_2162,White,Female,1,0.6480035 +2163,Source_Img_2163,Target_Img_2163,White,Female,1,0.975 +2164,Source_Img_2164,Target_Img_2164,White,Female,0,0.085971206 +2165,Source_Img_2165,Target_Img_2165,White,Female,1,0.74496353 +2166,Source_Img_2166,Target_Img_2166,White,Female,1,0.6509678 +2167,Source_Img_2167,Target_Img_2167,White,Female,1,0.93490417 +2168,Source_Img_2168,Target_Img_2168,White,Female,1,0.82190593 +2169,Source_Img_2169,Target_Img_2169,White,Female,1,0.8398162 +2170,Source_Img_2170,Target_Img_2170,White,Female,0,0.1168624 +2171,Source_Img_2171,Target_Img_2171,White,Female,1,0.72776636 +2172,Source_Img_2172,Target_Img_2172,White,Female,0,0.17188295 +2173,Source_Img_2173,Target_Img_2173,White,Female,1,0.77645024 +2174,Source_Img_2174,Target_Img_2174,White,Female,0,0.009646016 +2175,Source_Img_2175,Target_Img_2175,White,Female,1,1 +2176,Source_Img_2176,Target_Img_2176,White,Female,0,0.063786695 +2177,Source_Img_2177,Target_Img_2177,White,Female,0,0.15037632 +2178,Source_Img_2178,Target_Img_2178,White,Female,1,0.88011415 +2179,Source_Img_2179,Target_Img_2179,White,Female,0,0.05664102 +2180,Source_Img_2180,Target_Img_2180,White,Female,1,0.80455193 +2181,Source_Img_2181,Target_Img_2181,White,Female,1,0.7784604 +2182,Source_Img_2182,Target_Img_2182,White,Female,0,0 +2183,Source_Img_2183,Target_Img_2183,White,Female,0,0.08741291 +2184,Source_Img_2184,Target_Img_2184,White,Female,1,0.63238855 +2185,Source_Img_2185,Target_Img_2185,White,Female,0,0.1267845 +2186,Source_Img_2186,Target_Img_2186,White,Female,0,0.05173637 +2187,Source_Img_2187,Target_Img_2187,White,Female,0,0.155997224 +2188,Source_Img_2188,Target_Img_2188,White,Female,1,0.9472214 +2189,Source_Img_2189,Target_Img_2189,White,Female,1,0.9102255 +2190,Source_Img_2190,Target_Img_2190,White,Female,0,0.07536295 +2191,Source_Img_2191,Target_Img_2191,White,Female,0,0.12229797 +2192,Source_Img_2192,Target_Img_2192,White,Female,0,0.01617908 +2193,Source_Img_2193,Target_Img_2193,White,Female,1,0.77512326 +2194,Source_Img_2194,Target_Img_2194,White,Female,1,0.8367089 +2195,Source_Img_2195,Target_Img_2195,White,Female,1,0.8226621 +2196,Source_Img_2196,Target_Img_2196,White,Female,1,0.81039334 +2197,Source_Img_2197,Target_Img_2197,White,Female,1,0.7213528 +2198,Source_Img_2198,Target_Img_2198,White,Female,0,0.00083733 +2199,Source_Img_2199,Target_Img_2199,White,Female,0,0.085659554 +2200,Source_Img_2200,Target_Img_2200,White,Female,0,0.07775543 +2201,Source_Img_2201,Target_Img_2201,White,Female,1,0.61799435 +2202,Source_Img_2202,Target_Img_2202,White,Female,0,0.11466188 +2203,Source_Img_2203,Target_Img_2203,White,Female,0,0.08631654 +2204,Source_Img_2204,Target_Img_2204,White,Female,0,0.18169365 +2205,Source_Img_2205,Target_Img_2205,White,Female,1,0.6437698 +2206,Source_Img_2206,Target_Img_2206,White,Female,0,0.03569256 +2207,Source_Img_2207,Target_Img_2207,White,Female,1,0.7184368 +2208,Source_Img_2208,Target_Img_2208,White,Female,1,0.5323809 +2209,Source_Img_2209,Target_Img_2209,White,Female,0,0 +2210,Source_Img_2210,Target_Img_2210,White,Female,0,0 +2211,Source_Img_2211,Target_Img_2211,White,Female,1,0.957 +2212,Source_Img_2212,Target_Img_2212,White,Female,1,0.75560104 +2213,Source_Img_2213,Target_Img_2213,White,Female,1,0.75336124 +2214,Source_Img_2214,Target_Img_2214,White,Female,0,0.063364554 +2215,Source_Img_2215,Target_Img_2215,White,Female,0,0.13849798 +2216,Source_Img_2216,Target_Img_2216,White,Female,1,0.56628186 +2217,Source_Img_2217,Target_Img_2217,White,Female,1,1 +2218,Source_Img_2218,Target_Img_2218,White,Female,0,0.03272866 +2219,Source_Img_2219,Target_Img_2219,White,Female,0,0.13923456 +2220,Source_Img_2220,Target_Img_2220,White,Female,1,0.77889576 +2221,Source_Img_2221,Target_Img_2221,White,Female,0,0.1395607 +2222,Source_Img_2222,Target_Img_2222,White,Female,0,0.25998841 +2223,Source_Img_2223,Target_Img_2223,White,Female,1,0.8255116 +2224,Source_Img_2224,Target_Img_2224,White,Female,1,0.67518856 +2225,Source_Img_2225,Target_Img_2225,White,Female,0,0.13209927 +2226,Source_Img_2226,Target_Img_2226,White,Female,1,0.69565694 +2227,Source_Img_2227,Target_Img_2227,White,Female,0,0.08371359 +2228,Source_Img_2228,Target_Img_2228,White,Female,1,0.8174593 +2229,Source_Img_2229,Target_Img_2229,White,Female,0,0.069324674 +2230,Source_Img_2230,Target_Img_2230,White,Female,0,0.17092755 +2231,Source_Img_2231,Target_Img_2231,White,Female,0,0.1428468 +2232,Source_Img_2232,Target_Img_2232,White,Female,1,0.6395715 +2233,Source_Img_2233,Target_Img_2233,White,Female,1,0.68030406 +2234,Source_Img_2234,Target_Img_2234,White,Female,0,0.047827354 +2235,Source_Img_2235,Target_Img_2235,White,Female,1,1 +2236,Source_Img_2236,Target_Img_2236,White,Female,0,0.00201638 +2237,Source_Img_2237,Target_Img_2237,White,Female,1,0.7799877 +2238,Source_Img_2238,Target_Img_2238,White,Female,0,0.16075529 +2239,Source_Img_2239,Target_Img_2239,White,Female,0,0.00863661 +2240,Source_Img_2240,Target_Img_2240,White,Female,1,0.6337223 +2241,Source_Img_2241,Target_Img_2241,White,Female,1,0.71903345 +2242,Source_Img_2242,Target_Img_2242,White,Female,0,0.14265894 +2243,Source_Img_2243,Target_Img_2243,White,Female,0,0.13216644 +2244,Source_Img_2244,Target_Img_2244,White,Female,0,0.0431864 +2245,Source_Img_2245,Target_Img_2245,White,Female,1,0.77266156 +2246,Source_Img_2246,Target_Img_2246,White,Female,0,0.16973798 +2247,Source_Img_2247,Target_Img_2247,White,Female,0,0.16305058 +2248,Source_Img_2248,Target_Img_2248,White,Female,1,0.54292453 +2249,Source_Img_2249,Target_Img_2249,White,Female,1,0.671207 +2250,Source_Img_2250,Target_Img_2250,White,Female,1,0.929 +2251,Source_Img_2251,Target_Img_2251,White,Female,0,0.29196273 +2252,Source_Img_2252,Target_Img_2252,White,Female,1,0.69878753 +2253,Source_Img_2253,Target_Img_2253,White,Female,0,0.16582109 +2254,Source_Img_2254,Target_Img_2254,White,Female,0,0.11242974 +2255,Source_Img_2255,Target_Img_2255,White,Female,1,0.75840223 +2256,Source_Img_2256,Target_Img_2256,White,Female,0,0.14946879 +2257,Source_Img_2257,Target_Img_2257,White,Female,1,0.8429477 +2258,Source_Img_2258,Target_Img_2258,White,Female,0,0 +2259,Source_Img_2259,Target_Img_2259,White,Female,1,0.80620686 +2260,Source_Img_2260,Target_Img_2260,White,Female,1,0.5405914 +2261,Source_Img_2261,Target_Img_2261,White,Female,0,0.19850466 +2262,Source_Img_2262,Target_Img_2262,White,Female,1,0.804334 +2263,Source_Img_2263,Target_Img_2263,White,Female,1,0.57400315 +2264,Source_Img_2264,Target_Img_2264,White,Female,0,0.06069094 +2265,Source_Img_2265,Target_Img_2265,White,Female,0,0.178728736 +2266,Source_Img_2266,Target_Img_2266,White,Female,1,0.7559224 +2267,Source_Img_2267,Target_Img_2267,White,Female,0,0.05090065 +2268,Source_Img_2268,Target_Img_2268,White,Female,1,0.9934527 +2269,Source_Img_2269,Target_Img_2269,White,Female,0,0.01523915 +2270,Source_Img_2270,Target_Img_2270,White,Female,1,0.80797524 +2271,Source_Img_2271,Target_Img_2271,White,Female,1,0.5973617 +2272,Source_Img_2272,Target_Img_2272,White,Female,0,0.0479313 +2273,Source_Img_2273,Target_Img_2273,White,Female,0,0.1024978 +2274,Source_Img_2274,Target_Img_2274,White,Female,0,0.2112719 +2275,Source_Img_2275,Target_Img_2275,White,Female,1,0.5794894 +2276,Source_Img_2276,Target_Img_2276,White,Female,0,0.07267379 +2277,Source_Img_2277,Target_Img_2277,White,Female,1,0.58347005 +2278,Source_Img_2278,Target_Img_2278,White,Female,0,0.01718449 +2279,Source_Img_2279,Target_Img_2279,White,Female,1,0.68688245 +2280,Source_Img_2280,Target_Img_2280,White,Female,0,0.11940496 +2281,Source_Img_2281,Target_Img_2281,White,Female,0,0.07761771 +2282,Source_Img_2282,Target_Img_2282,White,Female,1,0.7794028 +2283,Source_Img_2283,Target_Img_2283,White,Female,1,0.6926752 +2284,Source_Img_2284,Target_Img_2284,White,Female,0,0.13282246 +2285,Source_Img_2285,Target_Img_2285,White,Female,0,0.068178775 +2286,Source_Img_2286,Target_Img_2286,White,Female,1,0.9492131 +2287,Source_Img_2287,Target_Img_2287,White,Female,0,0.13341969 +2288,Source_Img_2288,Target_Img_2288,White,Female,1,0.9149445 +2289,Source_Img_2289,Target_Img_2289,White,Female,0,0.1585937 +2290,Source_Img_2290,Target_Img_2290,White,Female,1,0.8049108 +2291,Source_Img_2291,Target_Img_2291,White,Female,0,0.06307077 +2292,Source_Img_2292,Target_Img_2292,White,Female,0,0.1547211 +2293,Source_Img_2293,Target_Img_2293,White,Female,1,0.704067 +2294,Source_Img_2294,Target_Img_2294,White,Female,0,0.16048321 +2295,Source_Img_2295,Target_Img_2295,White,Female,1,0.90791933 +2296,Source_Img_2296,Target_Img_2296,White,Female,0,0.03488663 +2297,Source_Img_2297,Target_Img_2297,White,Female,1,0.6575085 +2298,Source_Img_2298,Target_Img_2298,White,Female,0,0.00366553 +2299,Source_Img_2299,Target_Img_2299,White,Female,1,0.994 +2300,Source_Img_2300,Target_Img_2300,White,Female,1,0.84848306 +2301,Source_Img_2301,Target_Img_2301,White,Female,1,0.62289114 +2302,Source_Img_2302,Target_Img_2302,White,Female,0,0.0678975 +2303,Source_Img_2303,Target_Img_2303,White,Female,1,0.5605196 +2304,Source_Img_2304,Target_Img_2304,White,Female,1,0.5940397 +2305,Source_Img_2305,Target_Img_2305,White,Female,1,0.6754507 +2306,Source_Img_2306,Target_Img_2306,White,Female,0,0.11784513 +2307,Source_Img_2307,Target_Img_2307,White,Female,0,0.138458295 +2308,Source_Img_2308,Target_Img_2308,White,Female,0,0 +2309,Source_Img_2309,Target_Img_2309,White,Female,0,0.08325267 +2310,Source_Img_2310,Target_Img_2310,White,Female,1,0.68394564 +2311,Source_Img_2311,Target_Img_2311,White,Female,0,0.17342102 +2312,Source_Img_2312,Target_Img_2312,White,Female,1,0.7542765 +2313,Source_Img_2313,Target_Img_2313,White,Female,0,0.18914433 +2314,Source_Img_2314,Target_Img_2314,White,Female,0,0.11161197 +2315,Source_Img_2315,Target_Img_2315,White,Female,1,0.55684005 +2316,Source_Img_2316,Target_Img_2316,White,Female,0,0.13524531 +2317,Source_Img_2317,Target_Img_2317,White,Female,1,0.8467651 +2318,Source_Img_2318,Target_Img_2318,White,Female,1,0.87616686 +2319,Source_Img_2319,Target_Img_2319,White,Female,1,1 +2320,Source_Img_2320,Target_Img_2320,White,Female,0,0.16924995 +2321,Source_Img_2321,Target_Img_2321,White,Female,1,0.996 +2322,Source_Img_2322,Target_Img_2322,White,Female,0,0.10028592 +2323,Source_Img_2323,Target_Img_2323,White,Female,0,0.07294742 +2324,Source_Img_2324,Target_Img_2324,White,Female,0,0.08704302 +2325,Source_Img_2325,Target_Img_2325,White,Female,1,0.7881272 +2326,Source_Img_2326,Target_Img_2326,White,Female,0,0.16975612 +2327,Source_Img_2327,Target_Img_2327,White,Female,1,0.5210843 +2328,Source_Img_2328,Target_Img_2328,White,Female,0,0.09373774 +2329,Source_Img_2329,Target_Img_2329,White,Female,1,0.69803994 +2330,Source_Img_2330,Target_Img_2330,White,Female,0,0.01979986 +2331,Source_Img_2331,Target_Img_2331,White,Female,0,0.08694238 +2332,Source_Img_2332,Target_Img_2332,White,Female,1,0.71562954 +2333,Source_Img_2333,Target_Img_2333,White,Female,1,0.66097183 +2334,Source_Img_2334,Target_Img_2334,White,Female,0,0.08118045 +2335,Source_Img_2335,Target_Img_2335,White,Female,1,0.7378528 +2336,Source_Img_2336,Target_Img_2336,White,Female,0,0.09751108 +2337,Source_Img_2337,Target_Img_2337,White,Female,1,0.71899217 +2338,Source_Img_2338,Target_Img_2338,White,Female,1,1 +2339,Source_Img_2339,Target_Img_2339,White,Female,1,0.85011607 +2340,Source_Img_2340,Target_Img_2340,White,Female,0,0.11957935 +2341,Source_Img_2341,Target_Img_2341,White,Female,1,0.7247627 +2342,Source_Img_2342,Target_Img_2342,White,Female,1,0.6220725 +2343,Source_Img_2343,Target_Img_2343,White,Female,1,1 +2344,Source_Img_2344,Target_Img_2344,White,Female,0,0.073216935 +2345,Source_Img_2345,Target_Img_2345,White,Female,0,0.112334965 +2346,Source_Img_2346,Target_Img_2346,White,Female,0,0.10292045 +2347,Source_Img_2347,Target_Img_2347,White,Female,1,0.50100936 +2348,Source_Img_2348,Target_Img_2348,White,Female,0,0.02764124 +2349,Source_Img_2349,Target_Img_2349,White,Female,1,0.677633 +2350,Source_Img_2350,Target_Img_2350,White,Female,1,0.7633477 +2351,Source_Img_2351,Target_Img_2351,White,Female,0,0.18859222 +2352,Source_Img_2352,Target_Img_2352,White,Female,1,0.73018195 +2353,Source_Img_2353,Target_Img_2353,White,Female,0,0.011178135 +2354,Source_Img_2354,Target_Img_2354,White,Female,1,0.81718134 +2355,Source_Img_2355,Target_Img_2355,White,Female,0,0.15560382 +2356,Source_Img_2356,Target_Img_2356,White,Female,0,0.1515745 +2357,Source_Img_2357,Target_Img_2357,White,Female,1,0.5762653 +2358,Source_Img_2358,Target_Img_2358,White,Female,1,0.77149914 +2359,Source_Img_2359,Target_Img_2359,White,Female,1,0.77589157 +2360,Source_Img_2360,Target_Img_2360,White,Female,1,0.8775359 +2361,Source_Img_2361,Target_Img_2361,White,Female,0,0.02957141 +2362,Source_Img_2362,Target_Img_2362,White,Female,0,0.2041796 +2363,Source_Img_2363,Target_Img_2363,White,Female,1,0.7038756 +2364,Source_Img_2364,Target_Img_2364,White,Female,0,0.09515823 +2365,Source_Img_2365,Target_Img_2365,White,Female,0,0.03430703 +2366,Source_Img_2366,Target_Img_2366,White,Female,1,0.77908016 +2367,Source_Img_2367,Target_Img_2367,White,Female,1,0.68455363 +2368,Source_Img_2368,Target_Img_2368,White,Female,1,0.84238135 +2369,Source_Img_2369,Target_Img_2369,White,Female,1,0.6723061 +2370,Source_Img_2370,Target_Img_2370,White,Female,1,0.41763028 +2371,Source_Img_2371,Target_Img_2371,White,Female,1,0.85416696 +2372,Source_Img_2372,Target_Img_2372,White,Female,0,0.2164095 +2373,Source_Img_2373,Target_Img_2373,White,Female,1,0.762249 +2374,Source_Img_2374,Target_Img_2374,White,Female,1,0.7421974 +2375,Source_Img_2375,Target_Img_2375,White,Female,1,0.7965229 +2376,Source_Img_2376,Target_Img_2376,White,Female,1,1 +2377,Source_Img_2377,Target_Img_2377,White,Female,1,0.93 +2378,Source_Img_2378,Target_Img_2378,White,Female,1,0.6283151 +2379,Source_Img_2379,Target_Img_2379,White,Female,0,0.11679927 +2380,Source_Img_2380,Target_Img_2380,White,Female,0,0.17604257 +2381,Source_Img_2381,Target_Img_2381,White,Female,1,0.68593807 +2382,Source_Img_2382,Target_Img_2382,White,Female,0,0.20387682 +2383,Source_Img_2383,Target_Img_2383,White,Female,1,0.7917969 +2384,Source_Img_2384,Target_Img_2384,White,Female,0,0.177684925 +2385,Source_Img_2385,Target_Img_2385,White,Female,1,0.66645073 +2386,Source_Img_2386,Target_Img_2386,White,Female,0,0.07106638 +2387,Source_Img_2387,Target_Img_2387,White,Female,0,0.29685902 +2388,Source_Img_2388,Target_Img_2388,White,Female,1,0.79602366 +2389,Source_Img_2389,Target_Img_2389,White,Female,1,0.7991994 +2390,Source_Img_2390,Target_Img_2390,White,Female,1,0.8441612 +2391,Source_Img_2391,Target_Img_2391,White,Female,0,0.16121037 +2392,Source_Img_2392,Target_Img_2392,White,Female,0,0.07895632 +2393,Source_Img_2393,Target_Img_2393,White,Female,1,0.65585045 +2394,Source_Img_2394,Target_Img_2394,White,Female,1,0.8012303 +2395,Source_Img_2395,Target_Img_2395,White,Female,1,0.73707814 +2396,Source_Img_2396,Target_Img_2396,White,Female,1,0.51838497 +2397,Source_Img_2397,Target_Img_2397,White,Female,1,0.68383017 +2398,Source_Img_2398,Target_Img_2398,White,Female,0,0 +2399,Source_Img_2399,Target_Img_2399,White,Female,0,0.16750018 +2400,Source_Img_2400,Target_Img_2400,White,Female,1,0.64532717 +2401,Source_Img_2401,Target_Img_2401,White,Female,0,0.13111222 +2402,Source_Img_2402,Target_Img_2402,White,Female,1,0.8350955 +2403,Source_Img_2403,Target_Img_2403,White,Female,1,0.8491996 +2404,Source_Img_2404,Target_Img_2404,White,Female,0,0.154374874 +2405,Source_Img_2405,Target_Img_2405,White,Female,1,0.7800449 +2406,Source_Img_2406,Target_Img_2406,White,Female,1,0.93095643 +2407,Source_Img_2407,Target_Img_2407,White,Female,1,0.7298429 +2408,Source_Img_2408,Target_Img_2408,White,Female,0,0.21218321 +2409,Source_Img_2409,Target_Img_2409,White,Female,1,0.92983195 +2410,Source_Img_2410,Target_Img_2410,White,Female,0,0.04453105 +2411,Source_Img_2411,Target_Img_2411,White,Female,1,1 +2412,Source_Img_2412,Target_Img_2412,White,Female,0,0.0752641 +2413,Source_Img_2413,Target_Img_2413,White,Female,1,0.63037994 +2414,Source_Img_2414,Target_Img_2414,White,Female,0,0.16181893 +2415,Source_Img_2415,Target_Img_2415,White,Female,1,0.88379785 +2416,Source_Img_2416,Target_Img_2416,White,Female,1,0.72463814 +2417,Source_Img_2417,Target_Img_2417,White,Female,1,0.68913643 +2418,Source_Img_2418,Target_Img_2418,White,Female,0,0.20960448 +2419,Source_Img_2419,Target_Img_2419,White,Female,1,0.68913693 +2420,Source_Img_2420,Target_Img_2420,White,Female,1,0.8337501 +2421,Source_Img_2421,Target_Img_2421,White,Female,0,0.21691815 +2422,Source_Img_2422,Target_Img_2422,White,Female,0,0.17811643 +2423,Source_Img_2423,Target_Img_2423,White,Female,0,0.01716856 +2424,Source_Img_2424,Target_Img_2424,White,Female,1,0.7177066 +2425,Source_Img_2425,Target_Img_2425,White,Female,0,0.09933963 +2426,Source_Img_2426,Target_Img_2426,White,Female,0,0.09034055 +2427,Source_Img_2427,Target_Img_2427,White,Female,1,0.7153931 +2428,Source_Img_2428,Target_Img_2428,White,Female,1,0.868888 +2429,Source_Img_2429,Target_Img_2429,White,Female,1,0.8217035 +2430,Source_Img_2430,Target_Img_2430,White,Female,0,0.059030385 +2431,Source_Img_2431,Target_Img_2431,White,Female,0,0.169397996 +2432,Source_Img_2432,Target_Img_2432,White,Female,1,0.813109 +2433,Source_Img_2433,Target_Img_2433,White,Female,0,0.181812504 +2434,Source_Img_2434,Target_Img_2434,White,Female,0,0.15879396 +2435,Source_Img_2435,Target_Img_2435,White,Female,1,0.84508156 +2436,Source_Img_2436,Target_Img_2436,White,Female,1,0.8202287 +2437,Source_Img_2437,Target_Img_2437,White,Female,0,0.165084175 +2438,Source_Img_2438,Target_Img_2438,White,Female,0,0.15567166 +2439,Source_Img_2439,Target_Img_2439,White,Female,0,0.099911316 +2440,Source_Img_2440,Target_Img_2440,White,Female,1,0.59638827 +2441,Source_Img_2441,Target_Img_2441,White,Female,0,0.0920872 +2442,Source_Img_2442,Target_Img_2442,White,Female,0,0.052869444 +2443,Source_Img_2443,Target_Img_2443,White,Female,1,0.7037285 +2444,Source_Img_2444,Target_Img_2444,White,Female,0,0.0736855 +2445,Source_Img_2445,Target_Img_2445,White,Female,1,0.5261363 +2446,Source_Img_2446,Target_Img_2446,White,Female,1,0.7930968 +2447,Source_Img_2447,Target_Img_2447,White,Female,0,0 +2448,Source_Img_2448,Target_Img_2448,White,Female,0,0.098588386 +2449,Source_Img_2449,Target_Img_2449,White,Female,1,0.49008144 +2450,Source_Img_2450,Target_Img_2450,White,Female,0,0.08149147 +2451,Source_Img_2451,Target_Img_2451,White,Female,0,0.10898312 +2452,Source_Img_2452,Target_Img_2452,White,Female,1,0.8446786 +2453,Source_Img_2453,Target_Img_2453,White,Female,1,0.7637926 +2454,Source_Img_2454,Target_Img_2454,White,Female,0,0.17917067 +2455,Source_Img_2455,Target_Img_2455,White,Female,0,0.202181 +2456,Source_Img_2456,Target_Img_2456,White,Female,0,0.19342577 +2457,Source_Img_2457,Target_Img_2457,White,Female,1,0.5494377 +2458,Source_Img_2458,Target_Img_2458,White,Female,0,0.092279115 +2459,Source_Img_2459,Target_Img_2459,White,Female,1,0.77456286 +2460,Source_Img_2460,Target_Img_2460,White,Female,1,0.8220885 +2461,Source_Img_2461,Target_Img_2461,White,Female,0,0.14086848 +2462,Source_Img_2462,Target_Img_2462,White,Female,1,0.7158872 +2463,Source_Img_2463,Target_Img_2463,White,Female,1,1 +2464,Source_Img_2464,Target_Img_2464,White,Female,0,0.27655235 +2465,Source_Img_2465,Target_Img_2465,White,Female,0,0.03351856 +2466,Source_Img_2466,Target_Img_2466,White,Female,0,0.14567088 +2467,Source_Img_2467,Target_Img_2467,White,Female,1,0.68019826 +2468,Source_Img_2468,Target_Img_2468,White,Female,1,0.8039925 +2469,Source_Img_2469,Target_Img_2469,White,Female,1,0.8995626 +2470,Source_Img_2470,Target_Img_2470,White,Female,0,0.03758447 +2471,Source_Img_2471,Target_Img_2471,White,Female,1,0.7108299 +2472,Source_Img_2472,Target_Img_2472,White,Female,0,0.02573109 +2473,Source_Img_2473,Target_Img_2473,White,Female,0,0.12501946 +2474,Source_Img_2474,Target_Img_2474,White,Female,0,0.15102388 +2475,Source_Img_2475,Target_Img_2475,White,Female,0,0.07458972 +2476,Source_Img_2476,Target_Img_2476,White,Female,0,0 +2477,Source_Img_2477,Target_Img_2477,White,Female,1,0.8184908 +2478,Source_Img_2478,Target_Img_2478,White,Female,0,0.11607828 +2479,Source_Img_2479,Target_Img_2479,White,Female,0,0.183914884 +2480,Source_Img_2480,Target_Img_2480,White,Female,1,0.91 +2481,Source_Img_2481,Target_Img_2481,White,Female,1,0.7912741 +2482,Source_Img_2482,Target_Img_2482,White,Female,0,0.13604514 +2483,Source_Img_2483,Target_Img_2483,White,Female,1,0.75395515 +2484,Source_Img_2484,Target_Img_2484,White,Female,0,0.11846942 +2485,Source_Img_2485,Target_Img_2485,White,Female,1,0.908266 +2486,Source_Img_2486,Target_Img_2486,White,Female,0,0.16714405 +2487,Source_Img_2487,Target_Img_2487,White,Female,1,0.6766039 +2488,Source_Img_2488,Target_Img_2488,White,Female,1,0.977 +2489,Source_Img_2489,Target_Img_2489,White,Female,0,0.07234424 +2490,Source_Img_2490,Target_Img_2490,White,Female,1,0.62864165 +2491,Source_Img_2491,Target_Img_2491,White,Female,0,0.18661326 +2492,Source_Img_2492,Target_Img_2492,White,Female,0,0.026590005 +2493,Source_Img_2493,Target_Img_2493,White,Female,1,0.64361775 +2494,Source_Img_2494,Target_Img_2494,White,Female,0,0.09434565 +2495,Source_Img_2495,Target_Img_2495,White,Female,1,0.693271 +2496,Source_Img_2496,Target_Img_2496,White,Female,0,0.05526032 +2497,Source_Img_2497,Target_Img_2497,White,Female,0,0.15833168 +2498,Source_Img_2498,Target_Img_2498,White,Female,1,0.78584 +2499,Source_Img_2499,Target_Img_2499,White,Female,1,0.8420316 +2500,Source_Img_2500,Target_Img_2500,White,Female,1,0.8294205 +2501,Source_Img_2501,Target_Img_2501,White,Female,0,0.00164959 +2502,Source_Img_2502,Target_Img_2502,White,Female,0,0.17478485 +2503,Source_Img_2503,Target_Img_2503,White,Female,0,0 +2504,Source_Img_2504,Target_Img_2504,White,Female,1,0.8557148 +2505,Source_Img_2505,Target_Img_2505,White,Female,0,0.15210637 +2506,Source_Img_2506,Target_Img_2506,White,Female,0,0.0050604 +2507,Source_Img_2507,Target_Img_2507,White,Female,1,1 +2508,Source_Img_2508,Target_Img_2508,White,Female,0,0.003496366 +2509,Source_Img_2509,Target_Img_2509,White,Female,1,0.7667719 +2510,Source_Img_2510,Target_Img_2510,White,Female,0,0.15131539 +2511,Source_Img_2511,Target_Img_2511,White,Female,0,0.040821896 +2512,Source_Img_2512,Target_Img_2512,White,Female,1,0.86554554 +2513,Source_Img_2513,Target_Img_2513,White,Female,1,0.8635782 +2514,Source_Img_2514,Target_Img_2514,White,Female,0,0.15902996 +2515,Source_Img_2515,Target_Img_2515,White,Female,1,0.62087186 +2516,Source_Img_2516,Target_Img_2516,White,Female,1,0.80617097 +2517,Source_Img_2517,Target_Img_2517,White,Female,1,0.81261634 +2518,Source_Img_2518,Target_Img_2518,White,Female,0,0.26479878 +2519,Source_Img_2519,Target_Img_2519,White,Female,1,1 +2520,Source_Img_2520,Target_Img_2520,White,Female,0,0.34037453 +2521,Source_Img_2521,Target_Img_2521,White,Female,1,0.8069171 +2522,Source_Img_2522,Target_Img_2522,White,Female,0,0.034309454 +2523,Source_Img_2523,Target_Img_2523,White,Female,0,0.030804326 +2524,Source_Img_2524,Target_Img_2524,White,Female,0,0.162250186 +2525,Source_Img_2525,Target_Img_2525,White,Female,1,0.99622945 +2526,Source_Img_2526,Target_Img_2526,White,Female,0,0.14457591 +2527,Source_Img_2527,Target_Img_2527,White,Female,1,0.934 +2528,Source_Img_2528,Target_Img_2528,White,Female,0,0.05083365 +2529,Source_Img_2529,Target_Img_2529,White,Female,1,0.69074714 +2530,Source_Img_2530,Target_Img_2530,White,Female,0,0.1005964 +2531,Source_Img_2531,Target_Img_2531,White,Female,1,0.65178075 +2532,Source_Img_2532,Target_Img_2532,White,Female,0,0.19096036 +2533,Source_Img_2533,Target_Img_2533,White,Female,0,0.04937292 +2534,Source_Img_2534,Target_Img_2534,White,Female,1,0.6537994 +2535,Source_Img_2535,Target_Img_2535,White,Female,1,0.938 +2536,Source_Img_2536,Target_Img_2536,White,Female,1,1 +2537,Source_Img_2537,Target_Img_2537,White,Female,0,0 +2538,Source_Img_2538,Target_Img_2538,White,Female,1,0.7704481 +2539,Source_Img_2539,Target_Img_2539,White,Female,0,0.0589005 +2540,Source_Img_2540,Target_Img_2540,White,Female,0,0.042980665 +2541,Source_Img_2541,Target_Img_2541,White,Female,1,1 +2542,Source_Img_2542,Target_Img_2542,White,Female,0,0.10528983 +2543,Source_Img_2543,Target_Img_2543,White,Female,1,0.6585036 +2544,Source_Img_2544,Target_Img_2544,White,Female,0,0.15055687 +2545,Source_Img_2545,Target_Img_2545,White,Female,1,0.69797994 +2546,Source_Img_2546,Target_Img_2546,White,Female,0,0.139119455 +2547,Source_Img_2547,Target_Img_2547,White,Female,1,0.82956523 +2548,Source_Img_2548,Target_Img_2548,White,Female,1,0.40429847 +2549,Source_Img_2549,Target_Img_2549,White,Female,1,0.8064477 +2550,Source_Img_2550,Target_Img_2550,White,Female,0,0.00220414 +2551,Source_Img_2551,Target_Img_2551,White,Female,1,0.91 +2552,Source_Img_2552,Target_Img_2552,White,Female,0,0.12234227 +2553,Source_Img_2553,Target_Img_2553,White,Female,0,0.05757666 +2554,Source_Img_2554,Target_Img_2554,White,Female,1,0.949 +2555,Source_Img_2555,Target_Img_2555,White,Female,0,0.016065415 +2556,Source_Img_2556,Target_Img_2556,White,Female,1,0.9029215 +2557,Source_Img_2557,Target_Img_2557,White,Female,1,0.7353795 +2558,Source_Img_2558,Target_Img_2558,White,Female,1,1 +2559,Source_Img_2559,Target_Img_2559,White,Female,0,0.196969545 +2560,Source_Img_2560,Target_Img_2560,White,Female,1,0.53778594 +2561,Source_Img_2561,Target_Img_2561,White,Female,0,0.09642418 +2562,Source_Img_2562,Target_Img_2562,White,Female,0,0.186344564 +2563,Source_Img_2563,Target_Img_2563,White,Female,1,0.687861 +2564,Source_Img_2564,Target_Img_2564,White,Female,1,0.83459064 +2565,Source_Img_2565,Target_Img_2565,White,Female,0,0.160339375 +2566,Source_Img_2566,Target_Img_2566,White,Female,1,1 +2567,Source_Img_2567,Target_Img_2567,White,Female,0,0 +2568,Source_Img_2568,Target_Img_2568,White,Female,1,0.928 +2569,Source_Img_2569,Target_Img_2569,White,Female,0,0.12722764 +2570,Source_Img_2570,Target_Img_2570,White,Female,0,0.00921423 +2571,Source_Img_2571,Target_Img_2571,White,Female,1,0.69790065 +2572,Source_Img_2572,Target_Img_2572,White,Female,1,0.8372399 +2573,Source_Img_2573,Target_Img_2573,White,Female,0,0.10157596 +2574,Source_Img_2574,Target_Img_2574,White,Female,1,0.78389023 +2575,Source_Img_2575,Target_Img_2575,White,Female,1,1 +2576,Source_Img_2576,Target_Img_2576,White,Female,0,0.17266282 +2577,Source_Img_2577,Target_Img_2577,White,Female,1,0.6322357 +2578,Source_Img_2578,Target_Img_2578,White,Female,1,0.8245427 +2579,Source_Img_2579,Target_Img_2579,White,Female,0,0.07041175 +2580,Source_Img_2580,Target_Img_2580,White,Female,1,0.7853249 +2581,Source_Img_2581,Target_Img_2581,White,Female,0,0.04403732 +2582,Source_Img_2582,Target_Img_2582,White,Female,1,0.8343303 +2583,Source_Img_2583,Target_Img_2583,White,Female,0,0.03918123 +2584,Source_Img_2584,Target_Img_2584,White,Female,0,0.04365471 +2585,Source_Img_2585,Target_Img_2585,White,Female,0,0.03671477 +2586,Source_Img_2586,Target_Img_2586,White,Female,1,0.43388524 +2587,Source_Img_2587,Target_Img_2587,White,Female,0,0.08157922 +2588,Source_Img_2588,Target_Img_2588,White,Female,1,0.74279737 +2589,Source_Img_2589,Target_Img_2589,White,Female,1,0.7343181 +2590,Source_Img_2590,Target_Img_2590,White,Female,0,0 +2591,Source_Img_2591,Target_Img_2591,White,Female,1,0.6549179 +2592,Source_Img_2592,Target_Img_2592,White,Female,0,0.04317752 +2593,Source_Img_2593,Target_Img_2593,White,Female,1,1 +2594,Source_Img_2594,Target_Img_2594,White,Female,0,0.15825116 +2595,Source_Img_2595,Target_Img_2595,White,Female,1,0.6045944 +2596,Source_Img_2596,Target_Img_2596,White,Female,0,0.1948098 +2597,Source_Img_2597,Target_Img_2597,White,Female,1,0.68050163 +2598,Source_Img_2598,Target_Img_2598,White,Female,1,0.89781003 +2599,Source_Img_2599,Target_Img_2599,White,Female,0,0.0884021 +2600,Source_Img_2600,Target_Img_2600,White,Female,0,0.0629327 +2601,Source_Img_2601,Target_Img_2601,White,Female,0,0.17883652 +2602,Source_Img_2602,Target_Img_2602,White,Female,0,0.024672944 +2603,Source_Img_2603,Target_Img_2603,White,Female,1,0.5215879 +2604,Source_Img_2604,Target_Img_2604,White,Female,0,0.140089666 +2605,Source_Img_2605,Target_Img_2605,White,Female,1,0.94504335 +2606,Source_Img_2606,Target_Img_2606,White,Female,1,0.943 +2607,Source_Img_2607,Target_Img_2607,White,Female,0,0.10615709 +2608,Source_Img_2608,Target_Img_2608,White,Female,1,0.59974936 +2609,Source_Img_2609,Target_Img_2609,White,Female,1,1 +2610,Source_Img_2610,Target_Img_2610,White,Female,1,0.7715263 +2611,Source_Img_2611,Target_Img_2611,White,Female,0,0.009911716 +2612,Source_Img_2612,Target_Img_2612,White,Female,1,0.71316033 +2613,Source_Img_2613,Target_Img_2613,White,Female,0,0.101209785 +2614,Source_Img_2614,Target_Img_2614,White,Female,1,0.8137627 +2615,Source_Img_2615,Target_Img_2615,White,Female,0,0.23052731 +2616,Source_Img_2616,Target_Img_2616,White,Female,1,0.86589976 +2617,Source_Img_2617,Target_Img_2617,White,Female,1,0.76580995 +2618,Source_Img_2618,Target_Img_2618,White,Female,0,0.186688356 +2619,Source_Img_2619,Target_Img_2619,White,Female,1,0.86853196 +2620,Source_Img_2620,Target_Img_2620,White,Female,0,0.17554134 +2621,Source_Img_2621,Target_Img_2621,White,Female,1,1 +2622,Source_Img_2622,Target_Img_2622,White,Female,0,0.01579665 +2623,Source_Img_2623,Target_Img_2623,White,Female,1,0.90730225 +2624,Source_Img_2624,Target_Img_2624,White,Female,0,0.00992253 +2625,Source_Img_2625,Target_Img_2625,White,Female,1,0.883888 +2626,Source_Img_2626,Target_Img_2626,White,Female,0,0.143600146 +2627,Source_Img_2627,Target_Img_2627,White,Female,0,0.2285123 +2628,Source_Img_2628,Target_Img_2628,White,Female,1,0.795727 +2629,Source_Img_2629,Target_Img_2629,White,Female,1,0.6607086 +2630,Source_Img_2630,Target_Img_2630,White,Female,1,0.7897382 +2631,Source_Img_2631,Target_Img_2631,White,Female,0,0.048737775 +2632,Source_Img_2632,Target_Img_2632,White,Female,0,0.04257775 +2633,Source_Img_2633,Target_Img_2633,White,Female,1,0.7734238 +2634,Source_Img_2634,Target_Img_2634,White,Female,1,0.7781742 +2635,Source_Img_2635,Target_Img_2635,White,Female,0,0.068318224 +2636,Source_Img_2636,Target_Img_2636,White,Female,1,0.9235765 +2637,Source_Img_2637,Target_Img_2637,White,Female,1,0.69637345 +2638,Source_Img_2638,Target_Img_2638,White,Female,1,0.8022228 +2639,Source_Img_2639,Target_Img_2639,White,Female,0,0 +2640,Source_Img_2640,Target_Img_2640,White,Female,0,0 +2641,Source_Img_2641,Target_Img_2641,White,Female,1,0.59001896 +2642,Source_Img_2642,Target_Img_2642,White,Female,0,0.009370085 +2643,Source_Img_2643,Target_Img_2643,White,Female,1,1 +2644,Source_Img_2644,Target_Img_2644,White,Female,0,0.07059956 +2645,Source_Img_2645,Target_Img_2645,White,Female,1,0.8872233 +2646,Source_Img_2646,Target_Img_2646,White,Female,1,0.66897864 +2647,Source_Img_2647,Target_Img_2647,White,Female,0,0.06817448 +2648,Source_Img_2648,Target_Img_2648,White,Female,1,0.6371694 +2649,Source_Img_2649,Target_Img_2649,White,Female,0,0.07435973 +2650,Source_Img_2650,Target_Img_2650,White,Female,0,0.19358176 +2651,Source_Img_2651,Target_Img_2651,White,Female,0,0.149282364 +2652,Source_Img_2652,Target_Img_2652,White,Female,1,1 +2653,Source_Img_2653,Target_Img_2653,White,Female,1,0.7801761 +2654,Source_Img_2654,Target_Img_2654,White,Female,1,0.8555664 +2655,Source_Img_2655,Target_Img_2655,White,Female,0,0.03132529 +2656,Source_Img_2656,Target_Img_2656,White,Female,1,0.7136877 +2657,Source_Img_2657,Target_Img_2657,White,Female,0,0.01223787 +2658,Source_Img_2658,Target_Img_2658,White,Female,0,0.04483936 +2659,Source_Img_2659,Target_Img_2659,White,Female,0,0.060271784 +2660,Source_Img_2660,Target_Img_2660,White,Female,0,0.30487651 +2661,Source_Img_2661,Target_Img_2661,White,Female,0,0.02199714 +2662,Source_Img_2662,Target_Img_2662,White,Female,1,0.71984704 +2663,Source_Img_2663,Target_Img_2663,White,Female,1,0.73723233 +2664,Source_Img_2664,Target_Img_2664,White,Female,1,1 +2665,Source_Img_2665,Target_Img_2665,White,Female,1,0.86024726 +2666,Source_Img_2666,Target_Img_2666,White,Female,1,0.86956474 +2667,Source_Img_2667,Target_Img_2667,White,Female,1,0.66743964 +2668,Source_Img_2668,Target_Img_2668,White,Female,1,1 +2669,Source_Img_2669,Target_Img_2669,White,Female,0,0.14171424 +2670,Source_Img_2670,Target_Img_2670,White,Female,1,0.7843196 +2671,Source_Img_2671,Target_Img_2671,White,Female,0,0.124955496 +2672,Source_Img_2672,Target_Img_2672,White,Female,1,0.61522843 +2673,Source_Img_2673,Target_Img_2673,White,Female,0,0.11705752 +2674,Source_Img_2674,Target_Img_2674,White,Female,1,0.73852366 +2675,Source_Img_2675,Target_Img_2675,White,Female,1,0.78021824 +2676,Source_Img_2676,Target_Img_2676,White,Female,0,0.17918465 +2677,Source_Img_2677,Target_Img_2677,White,Female,0,0.1587603 +2678,Source_Img_2678,Target_Img_2678,White,Female,1,0.85001097 +2679,Source_Img_2679,Target_Img_2679,White,Female,0,0.05735744 +2680,Source_Img_2680,Target_Img_2680,White,Female,0,0.24100078 +2681,Source_Img_2681,Target_Img_2681,White,Female,1,0.70015437 +2682,Source_Img_2682,Target_Img_2682,White,Female,1,0.661007 +2683,Source_Img_2683,Target_Img_2683,White,Female,0,0.06616437 +2684,Source_Img_2684,Target_Img_2684,White,Female,1,0.56336636 +2685,Source_Img_2685,Target_Img_2685,White,Female,1,0.6203547 +2686,Source_Img_2686,Target_Img_2686,White,Female,0,0.28905045 +2687,Source_Img_2687,Target_Img_2687,White,Female,0,0.04522995 +2688,Source_Img_2688,Target_Img_2688,White,Female,1,0.999288 +2689,Source_Img_2689,Target_Img_2689,White,Female,0,0.19520819 +2690,Source_Img_2690,Target_Img_2690,White,Female,0,0.01419587 +2691,Source_Img_2691,Target_Img_2691,White,Female,0,0.061508414 +2692,Source_Img_2692,Target_Img_2692,White,Female,1,0.974 +2693,Source_Img_2693,Target_Img_2693,White,Female,1,1 +2694,Source_Img_2694,Target_Img_2694,White,Female,1,0.79397557 +2695,Source_Img_2695,Target_Img_2695,White,Female,0,0.2432979 +2696,Source_Img_2696,Target_Img_2696,White,Female,1,0.7614909 +2697,Source_Img_2697,Target_Img_2697,White,Female,0,0.14353578 +2698,Source_Img_2698,Target_Img_2698,White,Female,0,0.053600184 +2699,Source_Img_2699,Target_Img_2699,White,Female,0,0.07592116 +2700,Source_Img_2700,Target_Img_2700,White,Female,1,1 +2701,Source_Img_2701,Target_Img_2701,White,Female,0,0.13189649 +2702,Source_Img_2702,Target_Img_2702,White,Female,1,0.7361148 +2703,Source_Img_2703,Target_Img_2703,White,Female,0,0.07461347 +2704,Source_Img_2704,Target_Img_2704,White,Female,1,0.87297615 +2705,Source_Img_2705,Target_Img_2705,White,Female,0,0.21500063 +2706,Source_Img_2706,Target_Img_2706,White,Female,0,0.04036152 +2707,Source_Img_2707,Target_Img_2707,White,Female,0,0.202866954 +2708,Source_Img_2708,Target_Img_2708,White,Female,1,0.7526811 +2709,Source_Img_2709,Target_Img_2709,White,Female,0,0.11818034 +2710,Source_Img_2710,Target_Img_2710,White,Female,0,0.16176339 +2711,Source_Img_2711,Target_Img_2711,White,Female,1,0.86247056 +2712,Source_Img_2712,Target_Img_2712,White,Female,0,0.19180106 +2713,Source_Img_2713,Target_Img_2713,White,Female,0,0.015018984 +2714,Source_Img_2714,Target_Img_2714,White,Female,1,0.62934184 +2715,Source_Img_2715,Target_Img_2715,White,Female,1,0.70718753 +2716,Source_Img_2716,Target_Img_2716,White,Female,1,0.5204108 +2717,Source_Img_2717,Target_Img_2717,White,Female,1,0.763708 +2718,Source_Img_2718,Target_Img_2718,White,Female,1,0.69669136 +2719,Source_Img_2719,Target_Img_2719,White,Female,0,0.05093913 +2720,Source_Img_2720,Target_Img_2720,White,Female,0,0.09089352 +2721,Source_Img_2721,Target_Img_2721,White,Female,1,0.6373601 +2722,Source_Img_2722,Target_Img_2722,White,Female,1,0.78891536 +2723,Source_Img_2723,Target_Img_2723,White,Female,1,0.60039704 +2724,Source_Img_2724,Target_Img_2724,White,Female,0,0.22927053 +2725,Source_Img_2725,Target_Img_2725,White,Female,1,0.8194319 +2726,Source_Img_2726,Target_Img_2726,White,Female,0,0.19219628 +2727,Source_Img_2727,Target_Img_2727,White,Female,0,0.051824 +2728,Source_Img_2728,Target_Img_2728,White,Female,1,0.9339116 +2729,Source_Img_2729,Target_Img_2729,White,Female,0,0.07166613 +2730,Source_Img_2730,Target_Img_2730,White,Female,0,0.075208385 +2731,Source_Img_2731,Target_Img_2731,White,Female,1,0.4768819 +2732,Source_Img_2732,Target_Img_2732,White,Female,1,1 +2733,Source_Img_2733,Target_Img_2733,White,Female,0,0.158112656 +2734,Source_Img_2734,Target_Img_2734,White,Female,0,0.1909831 +2735,Source_Img_2735,Target_Img_2735,White,Female,1,0.87528036 +2736,Source_Img_2736,Target_Img_2736,White,Female,0,0.18357859 +2737,Source_Img_2737,Target_Img_2737,White,Female,1,1 +2738,Source_Img_2738,Target_Img_2738,White,Female,0,0.06412274 +2739,Source_Img_2739,Target_Img_2739,White,Female,1,0.7466817 +2740,Source_Img_2740,Target_Img_2740,White,Female,0,0.05292424 +2741,Source_Img_2741,Target_Img_2741,White,Female,1,0.7092182 +2742,Source_Img_2742,Target_Img_2742,White,Female,0,0.012876834 +2743,Source_Img_2743,Target_Img_2743,White,Female,0,0.214849086 +2744,Source_Img_2744,Target_Img_2744,White,Female,1,0.69412965 +2745,Source_Img_2745,Target_Img_2745,White,Female,0,0.139294264 +2746,Source_Img_2746,Target_Img_2746,White,Female,0,0.11916389 +2747,Source_Img_2747,Target_Img_2747,White,Female,1,0.6282717 +2748,Source_Img_2748,Target_Img_2748,White,Female,1,0.720955 +2749,Source_Img_2749,Target_Img_2749,White,Female,0,0.17891804 +2750,Source_Img_2750,Target_Img_2750,White,Female,0,0.13490112 +2751,Source_Img_2751,Target_Img_2751,White,Female,1,0.79967416 +2752,Source_Img_2752,Target_Img_2752,White,Female,0,0.11465844 +2753,Source_Img_2753,Target_Img_2753,White,Female,1,0.8275905 +2754,Source_Img_2754,Target_Img_2754,White,Female,0,0.10795136 +2755,Source_Img_2755,Target_Img_2755,White,Female,1,0.71922334 +2756,Source_Img_2756,Target_Img_2756,White,Female,1,0.8748165 +2757,Source_Img_2757,Target_Img_2757,White,Female,1,0.9256755 +2758,Source_Img_2758,Target_Img_2758,White,Female,1,0.83106084 +2759,Source_Img_2759,Target_Img_2759,White,Female,0,0.141560976 +2760,Source_Img_2760,Target_Img_2760,White,Female,0,0.173536275 +2761,Source_Img_2761,Target_Img_2761,White,Female,0,0.23021885 +2762,Source_Img_2762,Target_Img_2762,White,Female,0,0.19952961 +2763,Source_Img_2763,Target_Img_2763,White,Female,1,0.70875355 +2764,Source_Img_2764,Target_Img_2764,White,Female,0,0.14189252 +2765,Source_Img_2765,Target_Img_2765,White,Female,1,1 +2766,Source_Img_2766,Target_Img_2766,White,Female,0,0.19546836 +2767,Source_Img_2767,Target_Img_2767,White,Female,0,0.180592784 +2768,Source_Img_2768,Target_Img_2768,White,Female,1,0.8145698 +2769,Source_Img_2769,Target_Img_2769,White,Female,1,0.56075696 +2770,Source_Img_2770,Target_Img_2770,White,Female,1,0.8714156 +2771,Source_Img_2771,Target_Img_2771,White,Female,0,0.082205686 +2772,Source_Img_2772,Target_Img_2772,White,Female,1,0.87379324 +2773,Source_Img_2773,Target_Img_2773,White,Female,0,0.15098113 +2774,Source_Img_2774,Target_Img_2774,White,Female,1,0.916 +2775,Source_Img_2775,Target_Img_2775,White,Female,0,0.052294556 +2776,Source_Img_2776,Target_Img_2776,White,Female,1,0.7344596 +2777,Source_Img_2777,Target_Img_2777,White,Female,1,0.80441004 +2778,Source_Img_2778,Target_Img_2778,White,Female,1,0.68400773 +2779,Source_Img_2779,Target_Img_2779,White,Female,0,0.18939109 +2780,Source_Img_2780,Target_Img_2780,White,Female,0,0.13677706 +2781,Source_Img_2781,Target_Img_2781,White,Female,0,0.029476726 +2782,Source_Img_2782,Target_Img_2782,White,Female,1,0.80693763 +2783,Source_Img_2783,Target_Img_2783,White,Female,1,0.6128338 +2784,Source_Img_2784,Target_Img_2784,White,Female,0,0.10807479 +2785,Source_Img_2785,Target_Img_2785,White,Female,0,0.012121434 +2786,Source_Img_2786,Target_Img_2786,White,Female,1,0.7512502 +2787,Source_Img_2787,Target_Img_2787,White,Female,0,0.20205345 +2788,Source_Img_2788,Target_Img_2788,White,Female,1,0.72560735 +2789,Source_Img_2789,Target_Img_2789,White,Female,0,0.08348968 +2790,Source_Img_2790,Target_Img_2790,White,Female,1,0.6427801 +2791,Source_Img_2791,Target_Img_2791,White,Female,0,0.111758366 +2792,Source_Img_2792,Target_Img_2792,White,Female,0,0.007537816 +2793,Source_Img_2793,Target_Img_2793,White,Female,1,1 +2794,Source_Img_2794,Target_Img_2794,White,Female,1,0.5605194 +2795,Source_Img_2795,Target_Img_2795,White,Female,0,0.17898226 +2796,Source_Img_2796,Target_Img_2796,White,Female,1,0.9613172 +2797,Source_Img_2797,Target_Img_2797,White,Female,1,0.7920516 +2798,Source_Img_2798,Target_Img_2798,White,Female,1,0.6357022 +2799,Source_Img_2799,Target_Img_2799,White,Female,0,0.13115545 +2800,Source_Img_2800,Target_Img_2800,White,Female,0,0.07016927 +2801,Source_Img_2801,Target_Img_2801,White,Female,1,0.67917113 +2802,Source_Img_2802,Target_Img_2802,White,Female,0,0.005268936 +2803,Source_Img_2803,Target_Img_2803,White,Female,1,0.8161403 +2804,Source_Img_2804,Target_Img_2804,White,Female,0,0.14977682 +2805,Source_Img_2805,Target_Img_2805,White,Female,1,0.6760252 +2806,Source_Img_2806,Target_Img_2806,White,Female,0,0.063663654 +2807,Source_Img_2807,Target_Img_2807,White,Female,0,0.151661595 +2808,Source_Img_2808,Target_Img_2808,White,Female,0,0.115381046 +2809,Source_Img_2809,Target_Img_2809,White,Female,0,0.14067902 +2810,Source_Img_2810,Target_Img_2810,White,Female,1,0.4053872 +2811,Source_Img_2811,Target_Img_2811,White,Female,0,0.155016164 +2812,Source_Img_2812,Target_Img_2812,White,Female,1,0.55711386 +2813,Source_Img_2813,Target_Img_2813,White,Female,0,0.11039057 +2814,Source_Img_2814,Target_Img_2814,White,Female,1,0.6962076 +2815,Source_Img_2815,Target_Img_2815,White,Female,1,0.947 +2816,Source_Img_2816,Target_Img_2816,White,Female,0,0.20376293 +2817,Source_Img_2817,Target_Img_2817,White,Female,0,0.141388114 +2818,Source_Img_2818,Target_Img_2818,White,Female,0,0.1148396 +2819,Source_Img_2819,Target_Img_2819,White,Female,0,0.109476695 +2820,Source_Img_2820,Target_Img_2820,White,Female,1,0.7466983 +2821,Source_Img_2821,Target_Img_2821,White,Female,1,0.92473755 +2822,Source_Img_2822,Target_Img_2822,White,Female,0,0.09820921 +2823,Source_Img_2823,Target_Img_2823,White,Female,0,0.0560769 +2824,Source_Img_2824,Target_Img_2824,White,Female,1,0.84986446 +2825,Source_Img_2825,Target_Img_2825,White,Female,0,0.24091725 +2826,Source_Img_2826,Target_Img_2826,White,Female,1,0.6086316 +2827,Source_Img_2827,Target_Img_2827,White,Female,1,0.8612116 +2828,Source_Img_2828,Target_Img_2828,White,Female,0,0.19871386 +2829,Source_Img_2829,Target_Img_2829,White,Female,1,0.457093 +2830,Source_Img_2830,Target_Img_2830,White,Female,0,0.093985604 +2831,Source_Img_2831,Target_Img_2831,White,Female,1,0.5710924 +2832,Source_Img_2832,Target_Img_2832,White,Female,1,0.6868886 +2833,Source_Img_2833,Target_Img_2833,White,Female,1,0.6513125 +2834,Source_Img_2834,Target_Img_2834,White,Female,0,0.07010906 +2835,Source_Img_2835,Target_Img_2835,White,Female,1,0.79556346 +2836,Source_Img_2836,Target_Img_2836,White,Female,0,0.18349193 +2837,Source_Img_2837,Target_Img_2837,White,Female,1,0.6396811 +2838,Source_Img_2838,Target_Img_2838,White,Female,1,0.7976436 +2839,Source_Img_2839,Target_Img_2839,White,Female,0,0.191510164 +2840,Source_Img_2840,Target_Img_2840,White,Female,1,0.7853803 +2841,Source_Img_2841,Target_Img_2841,White,Female,0,0.05402889 +2842,Source_Img_2842,Target_Img_2842,White,Female,1,0.6637266 +2843,Source_Img_2843,Target_Img_2843,White,Female,0,0.03039462 +2844,Source_Img_2844,Target_Img_2844,White,Female,1,0.9755217 +2845,Source_Img_2845,Target_Img_2845,White,Female,1,0.983 +2846,Source_Img_2846,Target_Img_2846,White,Female,1,0.9147191 +2847,Source_Img_2847,Target_Img_2847,White,Female,0,0.08295344 +2848,Source_Img_2848,Target_Img_2848,White,Female,0,0.105371936 +2849,Source_Img_2849,Target_Img_2849,White,Female,1,0.76416825 +2850,Source_Img_2850,Target_Img_2850,White,Female,0,0.1273951 +2851,Source_Img_2851,Target_Img_2851,White,Female,1,0.7247546 +2852,Source_Img_2852,Target_Img_2852,White,Female,0,0.0621149 +2853,Source_Img_2853,Target_Img_2853,White,Female,0,0.02621923 +2854,Source_Img_2854,Target_Img_2854,White,Female,0,0.18542032 +2855,Source_Img_2855,Target_Img_2855,White,Female,0,0.13445504 +2856,Source_Img_2856,Target_Img_2856,White,Female,1,0.63634954 +2857,Source_Img_2857,Target_Img_2857,White,Female,0,0 +2858,Source_Img_2858,Target_Img_2858,White,Female,0,0 +2859,Source_Img_2859,Target_Img_2859,White,Female,1,0.789082 +2860,Source_Img_2860,Target_Img_2860,White,Female,0,0.03112932 +2861,Source_Img_2861,Target_Img_2861,White,Female,1,0.75390155 +2862,Source_Img_2862,Target_Img_2862,White,Female,1,0.6405094 +2863,Source_Img_2863,Target_Img_2863,White,Female,0,0 +2864,Source_Img_2864,Target_Img_2864,White,Female,0,0.17818442 +2865,Source_Img_2865,Target_Img_2865,White,Female,1,0.6138457 +2866,Source_Img_2866,Target_Img_2866,White,Female,1,0.75411846 +2867,Source_Img_2867,Target_Img_2867,White,Female,0,0.14260547 +2868,Source_Img_2868,Target_Img_2868,White,Female,0,0.11639604 +2869,Source_Img_2869,Target_Img_2869,White,Female,0,0.17153412 +2870,Source_Img_2870,Target_Img_2870,White,Female,1,0.56807935 +2871,Source_Img_2871,Target_Img_2871,White,Female,1,0.64760446 +2872,Source_Img_2872,Target_Img_2872,White,Female,0,0.059951604 +2873,Source_Img_2873,Target_Img_2873,White,Female,1,1 +2874,Source_Img_2874,Target_Img_2874,White,Female,1,0.943677 +2875,Source_Img_2875,Target_Img_2875,White,Female,0,0.159157504 +2876,Source_Img_2876,Target_Img_2876,White,Female,0,0 +2877,Source_Img_2877,Target_Img_2877,White,Female,0,0.15215141 +2878,Source_Img_2878,Target_Img_2878,White,Female,1,0.6977902 +2879,Source_Img_2879,Target_Img_2879,White,Female,1,0.75428036 +2880,Source_Img_2880,Target_Img_2880,White,Female,0,0.07674499 +2881,Source_Img_2881,Target_Img_2881,White,Female,1,0.8529044 +2882,Source_Img_2882,Target_Img_2882,White,Female,0,0.14697163 +2883,Source_Img_2883,Target_Img_2883,White,Female,0,0.14185497 +2884,Source_Img_2884,Target_Img_2884,White,Female,0,0.086528416 +2885,Source_Img_2885,Target_Img_2885,White,Female,1,0.7627412 +2886,Source_Img_2886,Target_Img_2886,White,Female,1,0.8815786 +2887,Source_Img_2887,Target_Img_2887,White,Female,1,0.67208306 +2888,Source_Img_2888,Target_Img_2888,White,Female,0,0.18994462 +2889,Source_Img_2889,Target_Img_2889,White,Female,0,0.09603041 +2890,Source_Img_2890,Target_Img_2890,White,Female,1,0.75298384 +2891,Source_Img_2891,Target_Img_2891,White,Female,1,0.65184736 +2892,Source_Img_2892,Target_Img_2892,White,Female,0,0.099774995 +2893,Source_Img_2893,Target_Img_2893,White,Female,1,0.70155935 +2894,Source_Img_2894,Target_Img_2894,White,Female,0,0.03052876 +2895,Source_Img_2895,Target_Img_2895,White,Female,0,0.00339163 +2896,Source_Img_2896,Target_Img_2896,White,Female,1,0.77006533 +2897,Source_Img_2897,Target_Img_2897,White,Female,0,0 +2898,Source_Img_2898,Target_Img_2898,White,Female,0,0.11630911 +2899,Source_Img_2899,Target_Img_2899,White,Female,1,0.53987784 +2900,Source_Img_2900,Target_Img_2900,White,Female,1,0.8467542 +2901,Source_Img_2901,Target_Img_2901,White,Female,0,0.06143341 +2902,Source_Img_2902,Target_Img_2902,White,Female,1,0.9737768 +2903,Source_Img_2903,Target_Img_2903,White,Female,0,0.15739581 +2904,Source_Img_2904,Target_Img_2904,White,Female,0,0.11700779 +2905,Source_Img_2905,Target_Img_2905,White,Female,1,1 +2906,Source_Img_2906,Target_Img_2906,White,Female,1,0.7238255 +2907,Source_Img_2907,Target_Img_2907,White,Female,0,0.121679194 +2908,Source_Img_2908,Target_Img_2908,White,Female,0,0.21000764 +2909,Source_Img_2909,Target_Img_2909,White,Female,1,0.70392154 +2910,Source_Img_2910,Target_Img_2910,White,Female,0,0.06561015 +2911,Source_Img_2911,Target_Img_2911,White,Female,1,0.7028612 +2912,Source_Img_2912,Target_Img_2912,White,Female,0,0.08321053 +2913,Source_Img_2913,Target_Img_2913,White,Female,0,0.05540812 +2914,Source_Img_2914,Target_Img_2914,White,Female,1,0.6624829 +2915,Source_Img_2915,Target_Img_2915,White,Female,0,0.18555128 +2916,Source_Img_2916,Target_Img_2916,White,Female,0,0.10783079 +2917,Source_Img_2917,Target_Img_2917,White,Female,0,0.19135985 +2918,Source_Img_2918,Target_Img_2918,White,Female,1,0.8858704 +2919,Source_Img_2919,Target_Img_2919,White,Female,0,0.05114812 +2920,Source_Img_2920,Target_Img_2920,White,Female,1,0.6976261 +2921,Source_Img_2921,Target_Img_2921,White,Female,1,0.7068553 +2922,Source_Img_2922,Target_Img_2922,White,Female,0,0.00841046 +2923,Source_Img_2923,Target_Img_2923,White,Female,0,0.08466312 +2924,Source_Img_2924,Target_Img_2924,White,Female,1,1 +2925,Source_Img_2925,Target_Img_2925,White,Female,0,0.13657347 +2926,Source_Img_2926,Target_Img_2926,White,Female,1,0.720595 +2927,Source_Img_2927,Target_Img_2927,White,Female,0,0.016060255 +2928,Source_Img_2928,Target_Img_2928,White,Female,1,0.8374718 +2929,Source_Img_2929,Target_Img_2929,White,Female,0,0.29705232 +2930,Source_Img_2930,Target_Img_2930,White,Female,0,0.11583561 +2931,Source_Img_2931,Target_Img_2931,White,Female,1,0.8529261 +2932,Source_Img_2932,Target_Img_2932,White,Female,1,0.86936146 +2933,Source_Img_2933,Target_Img_2933,White,Female,0,0.08199046 +2934,Source_Img_2934,Target_Img_2934,White,Female,1,0.8075616 +2935,Source_Img_2935,Target_Img_2935,White,Female,1,0.70872013 +2936,Source_Img_2936,Target_Img_2936,White,Female,0,0.18171241 +2937,Source_Img_2937,Target_Img_2937,White,Female,0,0.14540138 +2938,Source_Img_2938,Target_Img_2938,White,Female,1,0.8356393 +2939,Source_Img_2939,Target_Img_2939,White,Female,0,0.00604924 +2940,Source_Img_2940,Target_Img_2940,White,Female,1,0.66266016 +2941,Source_Img_2941,Target_Img_2941,White,Female,1,0.6554218 +2942,Source_Img_2942,Target_Img_2942,White,Female,0,0.12722833 +2943,Source_Img_2943,Target_Img_2943,White,Female,0,0.1697735 +2944,Source_Img_2944,Target_Img_2944,White,Female,1,0.92135324 +2945,Source_Img_2945,Target_Img_2945,White,Female,1,0.7390111 +2946,Source_Img_2946,Target_Img_2946,White,Female,0,0.136918515 +2947,Source_Img_2947,Target_Img_2947,White,Female,0,0.14115287 +2948,Source_Img_2948,Target_Img_2948,White,Female,1,0.71794253 +2949,Source_Img_2949,Target_Img_2949,White,Female,1,0.6150587 +2950,Source_Img_2950,Target_Img_2950,White,Female,0,0.08858529 +2951,Source_Img_2951,Target_Img_2951,White,Female,0,0.09677254 +2952,Source_Img_2952,Target_Img_2952,White,Female,1,0.846682 +2953,Source_Img_2953,Target_Img_2953,White,Female,1,0.760688 +2954,Source_Img_2954,Target_Img_2954,White,Female,0,0.029700256 +2955,Source_Img_2955,Target_Img_2955,White,Female,1,0.49844415 +2956,Source_Img_2956,Target_Img_2956,White,Female,0,0.08789067 +2957,Source_Img_2957,Target_Img_2957,White,Female,1,0.945 +2958,Source_Img_2958,Target_Img_2958,White,Female,0,0.14452873 +2959,Source_Img_2959,Target_Img_2959,White,Female,0,0.13000414 +2960,Source_Img_2960,Target_Img_2960,White,Female,1,0.77168916 +2961,Source_Img_2961,Target_Img_2961,White,Female,1,0.8360039 +2962,Source_Img_2962,Target_Img_2962,White,Female,1,1 +2963,Source_Img_2963,Target_Img_2963,White,Female,1,0.984 +2964,Source_Img_2964,Target_Img_2964,White,Female,1,0.7576299 +2965,Source_Img_2965,Target_Img_2965,White,Female,1,0.77822133 +2966,Source_Img_2966,Target_Img_2966,White,Female,1,0.949 +2967,Source_Img_2967,Target_Img_2967,White,Female,0,0.11527633 +2968,Source_Img_2968,Target_Img_2968,White,Female,0,0 +2969,Source_Img_2969,Target_Img_2969,White,Female,0,0.09816263 +2970,Source_Img_2970,Target_Img_2970,White,Female,1,0.6889874 +2971,Source_Img_2971,Target_Img_2971,White,Female,1,0.8599072 +2972,Source_Img_2972,Target_Img_2972,White,Female,1,0.75494605 +2973,Source_Img_2973,Target_Img_2973,White,Female,1,0.69841953 +2974,Source_Img_2974,Target_Img_2974,White,Female,0,0.20397426 +2975,Source_Img_2975,Target_Img_2975,White,Female,1,0.7981615 +2976,Source_Img_2976,Target_Img_2976,White,Female,0,0.14856295 +2977,Source_Img_2977,Target_Img_2977,White,Female,0,0.29425329 +2978,Source_Img_2978,Target_Img_2978,White,Female,1,0.923 +2979,Source_Img_2979,Target_Img_2979,White,Female,0,0.0460198 +2980,Source_Img_2980,Target_Img_2980,White,Female,1,0.783608 +2981,Source_Img_2981,Target_Img_2981,White,Female,0,0.13028453 +2982,Source_Img_2982,Target_Img_2982,White,Female,1,0.7874635 +2983,Source_Img_2983,Target_Img_2983,White,Female,0,0.04073474 +2984,Source_Img_2984,Target_Img_2984,White,Female,1,0.60654057 +2985,Source_Img_2985,Target_Img_2985,White,Female,0,0.13348811 +2986,Source_Img_2986,Target_Img_2986,White,Female,1,0.9170867 +2987,Source_Img_2987,Target_Img_2987,White,Female,0,0.003982284 +2988,Source_Img_2988,Target_Img_2988,White,Female,1,0.65704085 +2989,Source_Img_2989,Target_Img_2989,White,Female,0,0.16170115 +2990,Source_Img_2990,Target_Img_2990,White,Female,1,0.5269286 +2991,Source_Img_2991,Target_Img_2991,White,Female,1,0.723672 +2992,Source_Img_2992,Target_Img_2992,White,Female,0,0 +2993,Source_Img_2993,Target_Img_2993,White,Female,1,0.77090644 +2994,Source_Img_2994,Target_Img_2994,White,Female,1,0.955 +2995,Source_Img_2995,Target_Img_2995,White,Female,0,0.07811616 +2996,Source_Img_2996,Target_Img_2996,White,Female,1,0.70284536 +2997,Source_Img_2997,Target_Img_2997,White,Female,0,0.058784226 +2998,Source_Img_2998,Target_Img_2998,White,Female,1,0.6776361 +2999,Source_Img_2999,Target_Img_2999,White,Female,1,0.7266621 +3000,Source_Img_3000,Target_Img_3000,White,Male,1,0.60382783 +3001,Source_Img_3001,Target_Img_3001,White,Male,0,0.16550351 +3002,Source_Img_3002,Target_Img_3002,White,Male,1,0.8217748 +3003,Source_Img_3003,Target_Img_3003,White,Male,1,0.81867023 +3004,Source_Img_3004,Target_Img_3004,White,Male,0,0.076103456 +3005,Source_Img_3005,Target_Img_3005,White,Male,0,0.131448966 +3006,Source_Img_3006,Target_Img_3006,White,Male,1,0.91 +3007,Source_Img_3007,Target_Img_3007,White,Male,0,0.17159473 +3008,Source_Img_3008,Target_Img_3008,White,Male,1,0.917 +3009,Source_Img_3009,Target_Img_3009,White,Male,1,0.9768635 +3010,Source_Img_3010,Target_Img_3010,White,Male,1,0.70181243 +3011,Source_Img_3011,Target_Img_3011,White,Male,0,0.02622479 +3012,Source_Img_3012,Target_Img_3012,White,Male,1,0.5370992 +3013,Source_Img_3013,Target_Img_3013,White,Male,0,0.07927951 +3014,Source_Img_3014,Target_Img_3014,White,Male,1,0.9353674 +3015,Source_Img_3015,Target_Img_3015,White,Male,0,0.06081064 +3016,Source_Img_3016,Target_Img_3016,White,Male,0,0.066039074 +3017,Source_Img_3017,Target_Img_3017,White,Male,1,0.85688404 +3018,Source_Img_3018,Target_Img_3018,White,Male,1,0.5284004 +3019,Source_Img_3019,Target_Img_3019,White,Male,0,0.18166109 +3020,Source_Img_3020,Target_Img_3020,White,Male,1,0.6818788 +3021,Source_Img_3021,Target_Img_3021,White,Male,0,0.10376446 +3022,Source_Img_3022,Target_Img_3022,White,Male,0,0.181952575 +3023,Source_Img_3023,Target_Img_3023,White,Male,1,1 +3024,Source_Img_3024,Target_Img_3024,White,Male,1,0.75614954 +3025,Source_Img_3025,Target_Img_3025,White,Male,0,0.1158415 +3026,Source_Img_3026,Target_Img_3026,White,Male,1,0.8331878 +3027,Source_Img_3027,Target_Img_3027,White,Male,1,0.93410575 +3028,Source_Img_3028,Target_Img_3028,White,Male,0,0.21419429 +3029,Source_Img_3029,Target_Img_3029,White,Male,1,0.922 +3030,Source_Img_3030,Target_Img_3030,White,Male,0,0.12408961 +3031,Source_Img_3031,Target_Img_3031,White,Male,0,0.181325734 +3032,Source_Img_3032,Target_Img_3032,White,Male,1,0.93296443 +3033,Source_Img_3033,Target_Img_3033,White,Male,1,0.78731715 +3034,Source_Img_3034,Target_Img_3034,White,Male,0,0.17819401 +3035,Source_Img_3035,Target_Img_3035,White,Male,0,0.19193283 +3036,Source_Img_3036,Target_Img_3036,White,Male,1,0.81966616 +3037,Source_Img_3037,Target_Img_3037,White,Male,0,0.08269497 +3038,Source_Img_3038,Target_Img_3038,White,Male,1,0.7003873 +3039,Source_Img_3039,Target_Img_3039,White,Male,0,0.03238179 +3040,Source_Img_3040,Target_Img_3040,White,Male,0,0.185790225 +3041,Source_Img_3041,Target_Img_3041,White,Male,1,0.7283426 +3042,Source_Img_3042,Target_Img_3042,White,Male,0,0.028728586 +3043,Source_Img_3043,Target_Img_3043,White,Male,0,0.17612368 +3044,Source_Img_3044,Target_Img_3044,White,Male,0,0.18574346 +3045,Source_Img_3045,Target_Img_3045,White,Male,1,0.92 +3046,Source_Img_3046,Target_Img_3046,White,Male,0,0.16610282 +3047,Source_Img_3047,Target_Img_3047,White,Male,0,0.01388139 +3048,Source_Img_3048,Target_Img_3048,White,Male,1,0.8283092 +3049,Source_Img_3049,Target_Img_3049,White,Male,0,0.07245666 +3050,Source_Img_3050,Target_Img_3050,White,Male,0,0.18227427 +3051,Source_Img_3051,Target_Img_3051,White,Male,0,0.10371571 +3052,Source_Img_3052,Target_Img_3052,White,Male,1,0.6500291 +3053,Source_Img_3053,Target_Img_3053,White,Male,0,0.22334483 +3054,Source_Img_3054,Target_Img_3054,White,Male,0,0.23264048 +3055,Source_Img_3055,Target_Img_3055,White,Male,1,0.7051475 +3056,Source_Img_3056,Target_Img_3056,White,Male,1,0.964 +3057,Source_Img_3057,Target_Img_3057,White,Male,0,0.12503029 +3058,Source_Img_3058,Target_Img_3058,White,Male,1,0.6265982 +3059,Source_Img_3059,Target_Img_3059,White,Male,1,0.79140055 +3060,Source_Img_3060,Target_Img_3060,White,Male,1,0.77925624 +3061,Source_Img_3061,Target_Img_3061,White,Male,0,0.17624449 +3062,Source_Img_3062,Target_Img_3062,White,Male,0,0.13853813 +3063,Source_Img_3063,Target_Img_3063,White,Male,1,0.8217985 +3064,Source_Img_3064,Target_Img_3064,White,Male,0,0.14077735 +3065,Source_Img_3065,Target_Img_3065,White,Male,1,0.958 +3066,Source_Img_3066,Target_Img_3066,White,Male,1,0.69384785 +3067,Source_Img_3067,Target_Img_3067,White,Male,1,0.9254452 +3068,Source_Img_3068,Target_Img_3068,White,Male,0,0.080221 +3069,Source_Img_3069,Target_Img_3069,White,Male,0,0.04266966 +3070,Source_Img_3070,Target_Img_3070,White,Male,0,0.136672055 +3071,Source_Img_3071,Target_Img_3071,White,Male,1,0.8609679 +3072,Source_Img_3072,Target_Img_3072,White,Male,1,0.79044163 +3073,Source_Img_3073,Target_Img_3073,White,Male,0,0.06801166 +3074,Source_Img_3074,Target_Img_3074,White,Male,1,0.76698633 +3075,Source_Img_3075,Target_Img_3075,White,Male,0,0.0718342 +3076,Source_Img_3076,Target_Img_3076,White,Male,0,0.186898705 +3077,Source_Img_3077,Target_Img_3077,White,Male,1,0.6407853 +3078,Source_Img_3078,Target_Img_3078,White,Male,0,0.14112211 +3079,Source_Img_3079,Target_Img_3079,White,Male,1,0.8973624 +3080,Source_Img_3080,Target_Img_3080,White,Male,0,0.16766981 +3081,Source_Img_3081,Target_Img_3081,White,Male,1,0.8050211 +3082,Source_Img_3082,Target_Img_3082,White,Male,0,0.08169908 +3083,Source_Img_3083,Target_Img_3083,White,Male,1,0.81026303 +3084,Source_Img_3084,Target_Img_3084,White,Male,1,0.4943933 +3085,Source_Img_3085,Target_Img_3085,White,Male,1,0.73148936 +3086,Source_Img_3086,Target_Img_3086,White,Male,0,0.025254805 +3087,Source_Img_3087,Target_Img_3087,White,Male,1,0.7465919 +3088,Source_Img_3088,Target_Img_3088,White,Male,0,0.1262377 +3089,Source_Img_3089,Target_Img_3089,White,Male,1,0.8909765 +3090,Source_Img_3090,Target_Img_3090,White,Male,1,0.9046213 +3091,Source_Img_3091,Target_Img_3091,White,Male,0,0.14461569 +3092,Source_Img_3092,Target_Img_3092,White,Male,1,0.97198556 +3093,Source_Img_3093,Target_Img_3093,White,Male,1,0.67865094 +3094,Source_Img_3094,Target_Img_3094,White,Male,1,0.8302599 +3095,Source_Img_3095,Target_Img_3095,White,Male,0,0.144816034 +3096,Source_Img_3096,Target_Img_3096,White,Male,1,0.4251072 +3097,Source_Img_3097,Target_Img_3097,White,Male,0,0.1919392 +3098,Source_Img_3098,Target_Img_3098,White,Male,1,0.60829584 +3099,Source_Img_3099,Target_Img_3099,White,Male,0,0.01805139 +3100,Source_Img_3100,Target_Img_3100,White,Male,0,0.01815642 +3101,Source_Img_3101,Target_Img_3101,White,Male,1,0.9596025 +3102,Source_Img_3102,Target_Img_3102,White,Male,1,0.68765485 +3103,Source_Img_3103,Target_Img_3103,White,Male,1,0.90749754 +3104,Source_Img_3104,Target_Img_3104,White,Male,1,0.7548283 +3105,Source_Img_3105,Target_Img_3105,White,Male,1,0.9665381 +3106,Source_Img_3106,Target_Img_3106,White,Male,1,0.922 +3107,Source_Img_3107,Target_Img_3107,White,Male,1,0.72055204 +3108,Source_Img_3108,Target_Img_3108,White,Male,0,0.09220364 +3109,Source_Img_3109,Target_Img_3109,White,Male,0,0.00769521 +3110,Source_Img_3110,Target_Img_3110,White,Male,1,0.7562133 +3111,Source_Img_3111,Target_Img_3111,White,Male,1,1 +3112,Source_Img_3112,Target_Img_3112,White,Male,0,0.10530407 +3113,Source_Img_3113,Target_Img_3113,White,Male,1,0.85154064 +3114,Source_Img_3114,Target_Img_3114,White,Male,1,0.8898882 +3115,Source_Img_3115,Target_Img_3115,White,Male,0,0.02405927 +3116,Source_Img_3116,Target_Img_3116,White,Male,0,0.14795667 +3117,Source_Img_3117,Target_Img_3117,White,Male,1,0.93582313 +3118,Source_Img_3118,Target_Img_3118,White,Male,1,0.78023986 +3119,Source_Img_3119,Target_Img_3119,White,Male,0,0.040188655 +3120,Source_Img_3120,Target_Img_3120,White,Male,0,0.06560845 +3121,Source_Img_3121,Target_Img_3121,White,Male,1,0.35773657 +3122,Source_Img_3122,Target_Img_3122,White,Male,0,0.13242596 +3123,Source_Img_3123,Target_Img_3123,White,Male,1,0.8605907 +3124,Source_Img_3124,Target_Img_3124,White,Male,0,0.01202547 +3125,Source_Img_3125,Target_Img_3125,White,Male,1,0.79064686 +3126,Source_Img_3126,Target_Img_3126,White,Male,0,0.01756762 +3127,Source_Img_3127,Target_Img_3127,White,Male,0,0.10552272 +3128,Source_Img_3128,Target_Img_3128,White,Male,1,0.916 +3129,Source_Img_3129,Target_Img_3129,White,Male,0,0.018312165 +3130,Source_Img_3130,Target_Img_3130,White,Male,1,0.72395065 +3131,Source_Img_3131,Target_Img_3131,White,Male,1,0.5858495 +3132,Source_Img_3132,Target_Img_3132,White,Male,1,0.9514706 +3133,Source_Img_3133,Target_Img_3133,White,Male,0,0.16315549 +3134,Source_Img_3134,Target_Img_3134,White,Male,1,0.7634301 +3135,Source_Img_3135,Target_Img_3135,White,Male,1,0.725783 +3136,Source_Img_3136,Target_Img_3136,White,Male,0,0.10501922 +3137,Source_Img_3137,Target_Img_3137,White,Male,0,0.0316313 +3138,Source_Img_3138,Target_Img_3138,White,Male,0,0.08811071 +3139,Source_Img_3139,Target_Img_3139,White,Male,1,0.82428523 +3140,Source_Img_3140,Target_Img_3140,White,Male,0,0.08846431 +3141,Source_Img_3141,Target_Img_3141,White,Male,1,0.83676276 +3142,Source_Img_3142,Target_Img_3142,White,Male,1,0.953 +3143,Source_Img_3143,Target_Img_3143,White,Male,1,0.80795403 +3144,Source_Img_3144,Target_Img_3144,White,Male,1,0.7069579 +3145,Source_Img_3145,Target_Img_3145,White,Male,0,0.03255487 +3146,Source_Img_3146,Target_Img_3146,White,Male,1,1 +3147,Source_Img_3147,Target_Img_3147,White,Male,0,0.009472004 +3148,Source_Img_3148,Target_Img_3148,White,Male,1,0.7876402 +3149,Source_Img_3149,Target_Img_3149,White,Male,1,0.7507898 +3150,Source_Img_3150,Target_Img_3150,White,Male,1,0.8620275 +3151,Source_Img_3151,Target_Img_3151,White,Male,0,0.040273904 +3152,Source_Img_3152,Target_Img_3152,White,Male,1,0.904709 +3153,Source_Img_3153,Target_Img_3153,White,Male,1,0.904 +3154,Source_Img_3154,Target_Img_3154,White,Male,0,0.10700178 +3155,Source_Img_3155,Target_Img_3155,White,Male,1,0.7354436 +3156,Source_Img_3156,Target_Img_3156,White,Male,0,0.06785475 +3157,Source_Img_3157,Target_Img_3157,White,Male,1,0.8654252 +3158,Source_Img_3158,Target_Img_3158,White,Male,0,0.11598739 +3159,Source_Img_3159,Target_Img_3159,White,Male,1,0.67890774 +3160,Source_Img_3160,Target_Img_3160,White,Male,0,0.16006148 +3161,Source_Img_3161,Target_Img_3161,White,Male,1,1 +3162,Source_Img_3162,Target_Img_3162,White,Male,1,0.83714693 +3163,Source_Img_3163,Target_Img_3163,White,Male,0,0.00425192 +3164,Source_Img_3164,Target_Img_3164,White,Male,1,0.5562675 +3165,Source_Img_3165,Target_Img_3165,White,Male,1,0.50656646 +3166,Source_Img_3166,Target_Img_3166,White,Male,1,0.7874058 +3167,Source_Img_3167,Target_Img_3167,White,Male,0,0.002217624 +3168,Source_Img_3168,Target_Img_3168,White,Male,1,0.922 +3169,Source_Img_3169,Target_Img_3169,White,Male,1,0.70552324 +3170,Source_Img_3170,Target_Img_3170,White,Male,0,0.31839413 +3171,Source_Img_3171,Target_Img_3171,White,Male,1,0.9380981 +3172,Source_Img_3172,Target_Img_3172,White,Male,0,0.0768387 +3173,Source_Img_3173,Target_Img_3173,White,Male,1,0.8102682 +3174,Source_Img_3174,Target_Img_3174,White,Male,1,0.9300905 +3175,Source_Img_3175,Target_Img_3175,White,Male,1,0.85593875 +3176,Source_Img_3176,Target_Img_3176,White,Male,0,0.05410671 +3177,Source_Img_3177,Target_Img_3177,White,Male,0,0.071763284 +3178,Source_Img_3178,Target_Img_3178,White,Male,1,0.67176286 +3179,Source_Img_3179,Target_Img_3179,White,Male,1,0.6626642 +3180,Source_Img_3180,Target_Img_3180,White,Male,1,0.72308853 +3181,Source_Img_3181,Target_Img_3181,White,Male,0,0.16034955 +3182,Source_Img_3182,Target_Img_3182,White,Male,0,0.080965535 +3183,Source_Img_3183,Target_Img_3183,White,Male,1,0.51930506 +3184,Source_Img_3184,Target_Img_3184,White,Male,0,0.04096402 +3185,Source_Img_3185,Target_Img_3185,White,Male,1,0.6678992 +3186,Source_Img_3186,Target_Img_3186,White,Male,0,0.15413004 +3187,Source_Img_3187,Target_Img_3187,White,Male,0,0.0165307 +3188,Source_Img_3188,Target_Img_3188,White,Male,0,0.16674221 +3189,Source_Img_3189,Target_Img_3189,White,Male,1,0.6922756 +3190,Source_Img_3190,Target_Img_3190,White,Male,1,0.9152321 +3191,Source_Img_3191,Target_Img_3191,White,Male,1,0.7317589 +3192,Source_Img_3192,Target_Img_3192,White,Male,0,0.004282295 +3193,Source_Img_3193,Target_Img_3193,White,Male,1,0.82356825 +3194,Source_Img_3194,Target_Img_3194,White,Male,0,0.04915436 +3195,Source_Img_3195,Target_Img_3195,White,Male,0,0.12529712 +3196,Source_Img_3196,Target_Img_3196,White,Male,1,0.86711985 +3197,Source_Img_3197,Target_Img_3197,White,Male,1,0.76868737 +3198,Source_Img_3198,Target_Img_3198,White,Male,1,0.8972956 +3199,Source_Img_3199,Target_Img_3199,White,Male,0,0.06873006 +3200,Source_Img_3200,Target_Img_3200,White,Male,1,0.38953434 +3201,Source_Img_3201,Target_Img_3201,White,Male,0,0.12977954 +3202,Source_Img_3202,Target_Img_3202,White,Male,0,0.15931843 +3203,Source_Img_3203,Target_Img_3203,White,Male,0,0.12773681 +3204,Source_Img_3204,Target_Img_3204,White,Male,1,0.7446389 +3205,Source_Img_3205,Target_Img_3205,White,Male,0,0.11118071 +3206,Source_Img_3206,Target_Img_3206,White,Male,0,0.16227422 +3207,Source_Img_3207,Target_Img_3207,White,Male,1,1 +3208,Source_Img_3208,Target_Img_3208,White,Male,0,0.00064272 +3209,Source_Img_3209,Target_Img_3209,White,Male,1,0.7511135 +3210,Source_Img_3210,Target_Img_3210,White,Male,1,0.8696168 +3211,Source_Img_3211,Target_Img_3211,White,Male,1,0.7938366 +3212,Source_Img_3212,Target_Img_3212,White,Male,1,0.72397796 +3213,Source_Img_3213,Target_Img_3213,White,Male,0,0.119249005 +3214,Source_Img_3214,Target_Img_3214,White,Male,0,0.09675523 +3215,Source_Img_3215,Target_Img_3215,White,Male,1,0.8151767 +3216,Source_Img_3216,Target_Img_3216,White,Male,0,0.17490331 +3217,Source_Img_3217,Target_Img_3217,White,Male,1,0.862839 +3218,Source_Img_3218,Target_Img_3218,White,Male,1,0.77962063 +3219,Source_Img_3219,Target_Img_3219,White,Male,0,0.1609518 +3220,Source_Img_3220,Target_Img_3220,White,Male,0,0.109864356 +3221,Source_Img_3221,Target_Img_3221,White,Male,1,0.986 +3222,Source_Img_3222,Target_Img_3222,White,Male,0,0.10755858 +3223,Source_Img_3223,Target_Img_3223,White,Male,0,0.137947496 +3224,Source_Img_3224,Target_Img_3224,White,Male,0,0.13284145 +3225,Source_Img_3225,Target_Img_3225,White,Male,1,0.64592025 +3226,Source_Img_3226,Target_Img_3226,White,Male,1,0.8292077 +3227,Source_Img_3227,Target_Img_3227,White,Male,0,0.050051345 +3228,Source_Img_3228,Target_Img_3228,White,Male,0,0.18854472 +3229,Source_Img_3229,Target_Img_3229,White,Male,0,0.18139868 +3230,Source_Img_3230,Target_Img_3230,White,Male,0,0.00438884 +3231,Source_Img_3231,Target_Img_3231,White,Male,1,0.6695068 +3232,Source_Img_3232,Target_Img_3232,White,Male,1,0.7008391 +3233,Source_Img_3233,Target_Img_3233,White,Male,0,0.09694464 +3234,Source_Img_3234,Target_Img_3234,White,Male,1,0.99557633 +3235,Source_Img_3235,Target_Img_3235,White,Male,0,0.02102219 +3236,Source_Img_3236,Target_Img_3236,White,Male,1,0.65989116 +3237,Source_Img_3237,Target_Img_3237,White,Male,1,0.58163565 +3238,Source_Img_3238,Target_Img_3238,White,Male,0,0.11915649 +3239,Source_Img_3239,Target_Img_3239,White,Male,1,0.645823 +3240,Source_Img_3240,Target_Img_3240,White,Male,0,0.119644985 +3241,Source_Img_3241,Target_Img_3241,White,Male,0,0.115352875 +3242,Source_Img_3242,Target_Img_3242,White,Male,1,0.79547937 +3243,Source_Img_3243,Target_Img_3243,White,Male,0,0 +3244,Source_Img_3244,Target_Img_3244,White,Male,1,0.975 +3245,Source_Img_3245,Target_Img_3245,White,Male,0,0.02407136 +3246,Source_Img_3246,Target_Img_3246,White,Male,1,0.70636 +3247,Source_Img_3247,Target_Img_3247,White,Male,0,0.17389661 +3248,Source_Img_3248,Target_Img_3248,White,Male,0,0.12056388 +3249,Source_Img_3249,Target_Img_3249,White,Male,0,0.062180475 +3250,Source_Img_3250,Target_Img_3250,White,Male,0,0.136528736 +3251,Source_Img_3251,Target_Img_3251,White,Male,1,0.72765745 +3252,Source_Img_3252,Target_Img_3252,White,Male,1,0.8595959 +3253,Source_Img_3253,Target_Img_3253,White,Male,0,0.15847696 +3254,Source_Img_3254,Target_Img_3254,White,Male,1,0.85308285 +3255,Source_Img_3255,Target_Img_3255,White,Male,0,0.00636079 +3256,Source_Img_3256,Target_Img_3256,White,Male,1,0.5404813 +3257,Source_Img_3257,Target_Img_3257,White,Male,0,0.030559206 +3258,Source_Img_3258,Target_Img_3258,White,Male,1,0.79108723 +3259,Source_Img_3259,Target_Img_3259,White,Male,0,0.07646878 +3260,Source_Img_3260,Target_Img_3260,White,Male,1,1 +3261,Source_Img_3261,Target_Img_3261,White,Male,0,0.026439516 +3262,Source_Img_3262,Target_Img_3262,White,Male,1,1 +3263,Source_Img_3263,Target_Img_3263,White,Male,0,0.11128755 +3264,Source_Img_3264,Target_Img_3264,White,Male,0,0.12118352 +3265,Source_Img_3265,Target_Img_3265,White,Male,1,0.85831677 +3266,Source_Img_3266,Target_Img_3266,White,Male,0,0.0742242 +3267,Source_Img_3267,Target_Img_3267,White,Male,1,0.84755195 +3268,Source_Img_3268,Target_Img_3268,White,Male,0,0.04304648 +3269,Source_Img_3269,Target_Img_3269,White,Male,1,1 +3270,Source_Img_3270,Target_Img_3270,White,Male,0,0.1433451 +3271,Source_Img_3271,Target_Img_3271,White,Male,0,0.15328548 +3272,Source_Img_3272,Target_Img_3272,White,Male,1,0.6179313 +3273,Source_Img_3273,Target_Img_3273,White,Male,0,0.146047274 +3274,Source_Img_3274,Target_Img_3274,White,Male,1,0.4849082 +3275,Source_Img_3275,Target_Img_3275,White,Male,0,0.0489638 +3276,Source_Img_3276,Target_Img_3276,White,Male,0,0.13156613 +3277,Source_Img_3277,Target_Img_3277,White,Male,0,0.13139022 +3278,Source_Img_3278,Target_Img_3278,White,Male,0,0.1120058 +3279,Source_Img_3279,Target_Img_3279,White,Male,1,0.8289529 +3280,Source_Img_3280,Target_Img_3280,White,Male,0,0.10720567 +3281,Source_Img_3281,Target_Img_3281,White,Male,1,0.9193113 +3282,Source_Img_3282,Target_Img_3282,White,Male,0,0.13114949 +3283,Source_Img_3283,Target_Img_3283,White,Male,1,0.503206 +3284,Source_Img_3284,Target_Img_3284,White,Male,0,0.07770687 +3285,Source_Img_3285,Target_Img_3285,White,Male,1,0.710591 +3286,Source_Img_3286,Target_Img_3286,White,Male,1,0.6982981 +3287,Source_Img_3287,Target_Img_3287,White,Male,0,0.11296274 +3288,Source_Img_3288,Target_Img_3288,White,Male,0,0.081288285 +3289,Source_Img_3289,Target_Img_3289,White,Male,1,0.925 +3290,Source_Img_3290,Target_Img_3290,White,Male,1,1 +3291,Source_Img_3291,Target_Img_3291,White,Male,0,0.06092533 +3292,Source_Img_3292,Target_Img_3292,White,Male,1,0.6432799 +3293,Source_Img_3293,Target_Img_3293,White,Male,0,0.073422706 +3294,Source_Img_3294,Target_Img_3294,White,Male,1,0.89330416 +3295,Source_Img_3295,Target_Img_3295,White,Male,0,0.09063512 +3296,Source_Img_3296,Target_Img_3296,White,Male,0,0.0510665 +3297,Source_Img_3297,Target_Img_3297,White,Male,1,0.8482091 +3298,Source_Img_3298,Target_Img_3298,White,Male,1,0.59625795 +3299,Source_Img_3299,Target_Img_3299,White,Male,0,0.01389714 +3300,Source_Img_3300,Target_Img_3300,White,Male,0,0.05370647 +3301,Source_Img_3301,Target_Img_3301,White,Male,1,0.84174596 +3302,Source_Img_3302,Target_Img_3302,White,Male,0,0.109811146 +3303,Source_Img_3303,Target_Img_3303,White,Male,0,0.14684058 +3304,Source_Img_3304,Target_Img_3304,White,Male,0,0.17743323 +3305,Source_Img_3305,Target_Img_3305,White,Male,1,1 +3306,Source_Img_3306,Target_Img_3306,White,Male,1,0.9070497 +3307,Source_Img_3307,Target_Img_3307,White,Male,0,0.00026573 +3308,Source_Img_3308,Target_Img_3308,White,Male,0,0.12273417 +3309,Source_Img_3309,Target_Img_3309,White,Male,1,0.76856724 +3310,Source_Img_3310,Target_Img_3310,White,Male,0,0.16634881 +3311,Source_Img_3311,Target_Img_3311,White,Male,1,0.8943262 +3312,Source_Img_3312,Target_Img_3312,White,Male,0,0.06109804 +3313,Source_Img_3313,Target_Img_3313,White,Male,0,0.1701833 +3314,Source_Img_3314,Target_Img_3314,White,Male,0,0.04251189 +3315,Source_Img_3315,Target_Img_3315,White,Male,1,0.948 +3316,Source_Img_3316,Target_Img_3316,White,Male,0,0 +3317,Source_Img_3317,Target_Img_3317,White,Male,1,0.9348017 +3318,Source_Img_3318,Target_Img_3318,White,Male,0,0.12092271 +3319,Source_Img_3319,Target_Img_3319,White,Male,1,1 +3320,Source_Img_3320,Target_Img_3320,White,Male,1,0.72244135 +3321,Source_Img_3321,Target_Img_3321,White,Male,0,0.10421771 +3322,Source_Img_3322,Target_Img_3322,White,Male,0,0.020043084 +3323,Source_Img_3323,Target_Img_3323,White,Male,1,0.7849205 +3324,Source_Img_3324,Target_Img_3324,White,Male,0,0.1207306 +3325,Source_Img_3325,Target_Img_3325,White,Male,1,0.7674855 +3326,Source_Img_3326,Target_Img_3326,White,Male,1,0.978 +3327,Source_Img_3327,Target_Img_3327,White,Male,0,0 +3328,Source_Img_3328,Target_Img_3328,White,Male,0,0.07798384 +3329,Source_Img_3329,Target_Img_3329,White,Male,0,0.05295311 +3330,Source_Img_3330,Target_Img_3330,White,Male,1,1 +3331,Source_Img_3331,Target_Img_3331,White,Male,1,0.8029795 +3332,Source_Img_3332,Target_Img_3332,White,Male,0,0.15401243 +3333,Source_Img_3333,Target_Img_3333,White,Male,1,1 +3334,Source_Img_3334,Target_Img_3334,White,Male,0,0.061598805 +3335,Source_Img_3335,Target_Img_3335,White,Male,1,0.56816626 +3336,Source_Img_3336,Target_Img_3336,White,Male,0,0.08203503 +3337,Source_Img_3337,Target_Img_3337,White,Male,1,0.7544782 +3338,Source_Img_3338,Target_Img_3338,White,Male,1,0.66891327 +3339,Source_Img_3339,Target_Img_3339,White,Male,0,0.17122082 +3340,Source_Img_3340,Target_Img_3340,White,Male,1,0.7120816 +3341,Source_Img_3341,Target_Img_3341,White,Male,0,0.142412 +3342,Source_Img_3342,Target_Img_3342,White,Male,1,0.79186957 +3343,Source_Img_3343,Target_Img_3343,White,Male,0,0.172716006 +3344,Source_Img_3344,Target_Img_3344,White,Male,1,0.6757292 +3345,Source_Img_3345,Target_Img_3345,White,Male,1,0.8110824 +3346,Source_Img_3346,Target_Img_3346,White,Male,0,0.08406551 +3347,Source_Img_3347,Target_Img_3347,White,Male,1,0.68661 +3348,Source_Img_3348,Target_Img_3348,White,Male,0,0.059256 +3349,Source_Img_3349,Target_Img_3349,White,Male,1,0.9508 +3350,Source_Img_3350,Target_Img_3350,White,Male,0,0.09003062 +3351,Source_Img_3351,Target_Img_3351,White,Male,0,0.11051329 +3352,Source_Img_3352,Target_Img_3352,White,Male,1,0.75892677 +3353,Source_Img_3353,Target_Img_3353,White,Male,1,0.631181 +3354,Source_Img_3354,Target_Img_3354,White,Male,0,0.07691474 +3355,Source_Img_3355,Target_Img_3355,White,Male,1,0.64673815 +3356,Source_Img_3356,Target_Img_3356,White,Male,0,0.13634566 +3357,Source_Img_3357,Target_Img_3357,White,Male,1,0.7290229 +3358,Source_Img_3358,Target_Img_3358,White,Male,1,0.85026854 +3359,Source_Img_3359,Target_Img_3359,White,Male,0,0.093902895 +3360,Source_Img_3360,Target_Img_3360,White,Male,1,1 +3361,Source_Img_3361,Target_Img_3361,White,Male,0,0 +3362,Source_Img_3362,Target_Img_3362,White,Male,1,0.9246892 +3363,Source_Img_3363,Target_Img_3363,White,Male,0,0.14491251 +3364,Source_Img_3364,Target_Img_3364,White,Male,1,0.894642 +3365,Source_Img_3365,Target_Img_3365,White,Male,0,0.078716724 +3366,Source_Img_3366,Target_Img_3366,White,Male,0,0.08310595 +3367,Source_Img_3367,Target_Img_3367,White,Male,1,0.6057541 +3368,Source_Img_3368,Target_Img_3368,White,Male,0,0.16276364 +3369,Source_Img_3369,Target_Img_3369,White,Male,1,0.829296 +3370,Source_Img_3370,Target_Img_3370,White,Male,0,0.0554653 +3371,Source_Img_3371,Target_Img_3371,White,Male,0,0.082179754 +3372,Source_Img_3372,Target_Img_3372,White,Male,0,0.16302444 +3373,Source_Img_3373,Target_Img_3373,White,Male,1,0.7722771 +3374,Source_Img_3374,Target_Img_3374,White,Male,0,0.09910306 +3375,Source_Img_3375,Target_Img_3375,White,Male,1,0.8252561 +3376,Source_Img_3376,Target_Img_3376,White,Male,0,0.038674745 +3377,Source_Img_3377,Target_Img_3377,White,Male,1,0.5882466 +3378,Source_Img_3378,Target_Img_3378,White,Male,1,0.8258713 +3379,Source_Img_3379,Target_Img_3379,White,Male,0,0.097030915 +3380,Source_Img_3380,Target_Img_3380,White,Male,1,0.86570674 +3381,Source_Img_3381,Target_Img_3381,White,Male,0,0.16864678 +3382,Source_Img_3382,Target_Img_3382,White,Male,0,0.156856436 +3383,Source_Img_3383,Target_Img_3383,White,Male,0,0.149516524 +3384,Source_Img_3384,Target_Img_3384,White,Male,1,0.7289473 +3385,Source_Img_3385,Target_Img_3385,White,Male,0,0.136305124 +3386,Source_Img_3386,Target_Img_3386,White,Male,0,0.17082867 +3387,Source_Img_3387,Target_Img_3387,White,Male,1,0.7858103 +3388,Source_Img_3388,Target_Img_3388,White,Male,0,0.01507882 +3389,Source_Img_3389,Target_Img_3389,White,Male,1,0.83543204 +3390,Source_Img_3390,Target_Img_3390,White,Male,1,0.70902843 +3391,Source_Img_3391,Target_Img_3391,White,Male,0,0.04016288 +3392,Source_Img_3392,Target_Img_3392,White,Male,0,0.14475876 +3393,Source_Img_3393,Target_Img_3393,White,Male,0,0.03313371 +3394,Source_Img_3394,Target_Img_3394,White,Male,1,0.85722705 +3395,Source_Img_3395,Target_Img_3395,White,Male,1,0.903 +3396,Source_Img_3396,Target_Img_3396,White,Male,0,0.10568583 +3397,Source_Img_3397,Target_Img_3397,White,Male,0,0.03797489 +3398,Source_Img_3398,Target_Img_3398,White,Male,0,0.18115295 +3399,Source_Img_3399,Target_Img_3399,White,Male,0,0 +3400,Source_Img_3400,Target_Img_3400,White,Male,0,0.15837657 +3401,Source_Img_3401,Target_Img_3401,White,Male,1,0.6664946 +3402,Source_Img_3402,Target_Img_3402,White,Male,1,0.69483264 +3403,Source_Img_3403,Target_Img_3403,White,Male,0,0.10445267 +3404,Source_Img_3404,Target_Img_3404,White,Male,1,1 +3405,Source_Img_3405,Target_Img_3405,White,Male,1,0.7858803 +3406,Source_Img_3406,Target_Img_3406,White,Male,0,0.15810622 +3407,Source_Img_3407,Target_Img_3407,White,Male,0,0.17830142 +3408,Source_Img_3408,Target_Img_3408,White,Male,1,0.85887384 +3409,Source_Img_3409,Target_Img_3409,White,Male,1,0.8627626 +3410,Source_Img_3410,Target_Img_3410,White,Male,0,0.00938345 +3411,Source_Img_3411,Target_Img_3411,White,Male,0,0.06269383 +3412,Source_Img_3412,Target_Img_3412,White,Male,1,0.8433928 +3413,Source_Img_3413,Target_Img_3413,White,Male,0,0.084000686 +3414,Source_Img_3414,Target_Img_3414,White,Male,1,0.95232145 +3415,Source_Img_3415,Target_Img_3415,White,Male,1,0.9937844 +3416,Source_Img_3416,Target_Img_3416,White,Male,0,0.02952952 +3417,Source_Img_3417,Target_Img_3417,White,Male,0,0.015705374 +3418,Source_Img_3418,Target_Img_3418,White,Male,1,0.84648265 +3419,Source_Img_3419,Target_Img_3419,White,Male,0,0.16438756 +3420,Source_Img_3420,Target_Img_3420,White,Male,0,0.17551535 +3421,Source_Img_3421,Target_Img_3421,White,Male,0,0.159837554 +3422,Source_Img_3422,Target_Img_3422,White,Male,0,0.00082708 +3423,Source_Img_3423,Target_Img_3423,White,Male,1,0.953 +3424,Source_Img_3424,Target_Img_3424,White,Male,0,0.095222056 +3425,Source_Img_3425,Target_Img_3425,White,Male,1,0.8385657 +3426,Source_Img_3426,Target_Img_3426,White,Male,1,0.7368881 +3427,Source_Img_3427,Target_Img_3427,White,Male,1,0.929 +3428,Source_Img_3428,Target_Img_3428,White,Male,0,0.1416443 +3429,Source_Img_3429,Target_Img_3429,White,Male,1,0.918 +3430,Source_Img_3430,Target_Img_3430,White,Male,1,0.7404443 +3431,Source_Img_3431,Target_Img_3431,White,Male,0,0.02413564 +3432,Source_Img_3432,Target_Img_3432,White,Male,0,0.07136608 +3433,Source_Img_3433,Target_Img_3433,White,Male,1,0.7540614 +3434,Source_Img_3434,Target_Img_3434,White,Male,0,0.03616317 +3435,Source_Img_3435,Target_Img_3435,White,Male,1,0.75094294 +3436,Source_Img_3436,Target_Img_3436,White,Male,1,0.83844926 +3437,Source_Img_3437,Target_Img_3437,White,Male,0,0 +3438,Source_Img_3438,Target_Img_3438,White,Male,1,0.77148545 +3439,Source_Img_3439,Target_Img_3439,White,Male,0,0.010282244 +3440,Source_Img_3440,Target_Img_3440,White,Male,1,0.7492831 +3441,Source_Img_3441,Target_Img_3441,White,Male,0,0.06443784 +3442,Source_Img_3442,Target_Img_3442,White,Male,1,0.8103653 +3443,Source_Img_3443,Target_Img_3443,White,Male,1,0.79699785 +3444,Source_Img_3444,Target_Img_3444,White,Male,1,0.975 +3445,Source_Img_3445,Target_Img_3445,White,Male,1,0.82796115 +3446,Source_Img_3446,Target_Img_3446,White,Male,0,0.00546326 +3447,Source_Img_3447,Target_Img_3447,White,Male,1,0.86106937 +3448,Source_Img_3448,Target_Img_3448,White,Male,0,0.02144027 +3449,Source_Img_3449,Target_Img_3449,White,Male,0,0.15136502 +3450,Source_Img_3450,Target_Img_3450,White,Male,1,1 +3451,Source_Img_3451,Target_Img_3451,White,Male,0,0.16684976 +3452,Source_Img_3452,Target_Img_3452,White,Male,0,0.03387085 +3453,Source_Img_3453,Target_Img_3453,White,Male,1,0.81947293 +3454,Source_Img_3454,Target_Img_3454,White,Male,0,0.0792076 +3455,Source_Img_3455,Target_Img_3455,White,Male,0,0.14734158 +3456,Source_Img_3456,Target_Img_3456,White,Male,1,0.7872821 +3457,Source_Img_3457,Target_Img_3457,White,Male,1,0.7964264 +3458,Source_Img_3458,Target_Img_3458,White,Male,0,0.16518326 +3459,Source_Img_3459,Target_Img_3459,White,Male,0,0.08780114 +3460,Source_Img_3460,Target_Img_3460,White,Male,0,0.17184729 +3461,Source_Img_3461,Target_Img_3461,White,Male,1,0.6665217 +3462,Source_Img_3462,Target_Img_3462,White,Male,1,0.7507745 +3463,Source_Img_3463,Target_Img_3463,White,Male,0,0.1380399 +3464,Source_Img_3464,Target_Img_3464,White,Male,0,0.1159363 +3465,Source_Img_3465,Target_Img_3465,White,Male,1,0.7295007 +3466,Source_Img_3466,Target_Img_3466,White,Male,1,0.66477303 +3467,Source_Img_3467,Target_Img_3467,White,Male,0,0.05297465 +3468,Source_Img_3468,Target_Img_3468,White,Male,0,0.19561009 +3469,Source_Img_3469,Target_Img_3469,White,Male,1,1 +3470,Source_Img_3470,Target_Img_3470,White,Male,0,0.096809094 +3471,Source_Img_3471,Target_Img_3471,White,Male,1,0.6015219 +3472,Source_Img_3472,Target_Img_3472,White,Male,0,0.02225233 +3473,Source_Img_3473,Target_Img_3473,White,Male,0,0 +3474,Source_Img_3474,Target_Img_3474,White,Male,1,1 +3475,Source_Img_3475,Target_Img_3475,White,Male,1,0.78672006 +3476,Source_Img_3476,Target_Img_3476,White,Male,0,0.08449687 +3477,Source_Img_3477,Target_Img_3477,White,Male,1,1 +3478,Source_Img_3478,Target_Img_3478,White,Male,0,0 +3479,Source_Img_3479,Target_Img_3479,White,Male,0,0.1732041 +3480,Source_Img_3480,Target_Img_3480,White,Male,1,0.8733349 +3481,Source_Img_3481,Target_Img_3481,White,Male,0,0 +3482,Source_Img_3482,Target_Img_3482,White,Male,0,0.05606296 +3483,Source_Img_3483,Target_Img_3483,White,Male,1,0.72305355 +3484,Source_Img_3484,Target_Img_3484,White,Male,1,0.9199883 +3485,Source_Img_3485,Target_Img_3485,White,Male,1,0.975 +3486,Source_Img_3486,Target_Img_3486,White,Male,1,0.755536 +3487,Source_Img_3487,Target_Img_3487,White,Male,1,0.75295746 +3488,Source_Img_3488,Target_Img_3488,White,Male,0,0.01778574 +3489,Source_Img_3489,Target_Img_3489,White,Male,1,0.78754304 +3490,Source_Img_3490,Target_Img_3490,White,Male,0,0.107821946 +3491,Source_Img_3491,Target_Img_3491,White,Male,0,0.07216643 +3492,Source_Img_3492,Target_Img_3492,White,Male,0,0.04739473 +3493,Source_Img_3493,Target_Img_3493,White,Male,1,1 +3494,Source_Img_3494,Target_Img_3494,White,Male,1,0.932 +3495,Source_Img_3495,Target_Img_3495,White,Male,0,0.03550003 +3496,Source_Img_3496,Target_Img_3496,White,Male,0,0.10685677 +3497,Source_Img_3497,Target_Img_3497,White,Male,1,0.7018159 +3498,Source_Img_3498,Target_Img_3498,White,Male,1,0.90171926 +3499,Source_Img_3499,Target_Img_3499,White,Male,1,1 +3500,Source_Img_3500,Target_Img_3500,White,Male,1,0.39401528 +3501,Source_Img_3501,Target_Img_3501,White,Male,0,0.075700715 +3502,Source_Img_3502,Target_Img_3502,White,Male,1,0.9297887 +3503,Source_Img_3503,Target_Img_3503,White,Male,0,0.149152114 +3504,Source_Img_3504,Target_Img_3504,White,Male,0,0.08131683 +3505,Source_Img_3505,Target_Img_3505,White,Male,0,0.03573101 +3506,Source_Img_3506,Target_Img_3506,White,Male,1,0.86788935 +3507,Source_Img_3507,Target_Img_3507,White,Male,1,0.7496512 +3508,Source_Img_3508,Target_Img_3508,White,Male,0,0.051641375 +3509,Source_Img_3509,Target_Img_3509,White,Male,0,0.16431754 +3510,Source_Img_3510,Target_Img_3510,White,Male,1,1 +3511,Source_Img_3511,Target_Img_3511,White,Male,0,0.027480966 +3512,Source_Img_3512,Target_Img_3512,White,Male,1,0.6121925 +3513,Source_Img_3513,Target_Img_3513,White,Male,1,0.7585953 +3514,Source_Img_3514,Target_Img_3514,White,Male,1,0.6783764 +3515,Source_Img_3515,Target_Img_3515,White,Male,0,0.05455808 +3516,Source_Img_3516,Target_Img_3516,White,Male,1,0.994 +3517,Source_Img_3517,Target_Img_3517,White,Male,0,0.102154946 +3518,Source_Img_3518,Target_Img_3518,White,Male,0,0.10698158 +3519,Source_Img_3519,Target_Img_3519,White,Male,0,0.10240929 +3520,Source_Img_3520,Target_Img_3520,White,Male,1,0.5456289 +3521,Source_Img_3521,Target_Img_3521,White,Male,0,0.15633107 +3522,Source_Img_3522,Target_Img_3522,White,Male,1,0.7382508 +3523,Source_Img_3523,Target_Img_3523,White,Male,0,0.22297657 +3524,Source_Img_3524,Target_Img_3524,White,Male,1,0.81889736 +3525,Source_Img_3525,Target_Img_3525,White,Male,1,0.8022504 +3526,Source_Img_3526,Target_Img_3526,White,Male,0,0.08449608 +3527,Source_Img_3527,Target_Img_3527,White,Male,1,0.76313337 +3528,Source_Img_3528,Target_Img_3528,White,Male,0,0.16748313 +3529,Source_Img_3529,Target_Img_3529,White,Male,1,0.7802053 +3530,Source_Img_3530,Target_Img_3530,White,Male,0,0.05388214 +3531,Source_Img_3531,Target_Img_3531,White,Male,0,0.03868526 +3532,Source_Img_3532,Target_Img_3532,White,Male,1,1 +3533,Source_Img_3533,Target_Img_3533,White,Male,0,0.00662881 +3534,Source_Img_3534,Target_Img_3534,White,Male,1,0.5669727 +3535,Source_Img_3535,Target_Img_3535,White,Male,1,0.988 +3536,Source_Img_3536,Target_Img_3536,White,Male,0,0.09489959 +3537,Source_Img_3537,Target_Img_3537,White,Male,1,0.841708 +3538,Source_Img_3538,Target_Img_3538,White,Male,1,0.67801174 +3539,Source_Img_3539,Target_Img_3539,White,Male,0,0.071764535 +3540,Source_Img_3540,Target_Img_3540,White,Male,1,0.82609475 +3541,Source_Img_3541,Target_Img_3541,White,Male,0,0.0718541 +3542,Source_Img_3542,Target_Img_3542,White,Male,1,0.6382579 +3543,Source_Img_3543,Target_Img_3543,White,Male,0,0.12838534 +3544,Source_Img_3544,Target_Img_3544,White,Male,0,0.03779317 +3545,Source_Img_3545,Target_Img_3545,White,Male,1,1 +3546,Source_Img_3546,Target_Img_3546,White,Male,0,0.162855134 +3547,Source_Img_3547,Target_Img_3547,White,Male,1,0.85515037 +3548,Source_Img_3548,Target_Img_3548,White,Male,1,0.7132488 +3549,Source_Img_3549,Target_Img_3549,White,Male,0,0.15924561 +3550,Source_Img_3550,Target_Img_3550,White,Male,1,0.7506424 +3551,Source_Img_3551,Target_Img_3551,White,Male,1,0.75863935 +3552,Source_Img_3552,Target_Img_3552,White,Male,1,0.7753859 +3553,Source_Img_3553,Target_Img_3553,White,Male,1,0.7515624 +3554,Source_Img_3554,Target_Img_3554,White,Male,0,0.065765655 +3555,Source_Img_3555,Target_Img_3555,White,Male,0,0.05903579 +3556,Source_Img_3556,Target_Img_3556,White,Male,0,0.17560663 +3557,Source_Img_3557,Target_Img_3557,White,Male,1,0.986 +3558,Source_Img_3558,Target_Img_3558,White,Male,0,0.033227024 +3559,Source_Img_3559,Target_Img_3559,White,Male,0,0.08180048 +3560,Source_Img_3560,Target_Img_3560,White,Male,0,0.10035765 +3561,Source_Img_3561,Target_Img_3561,White,Male,1,0.9157294 +3562,Source_Img_3562,Target_Img_3562,White,Male,1,0.929 +3563,Source_Img_3563,Target_Img_3563,White,Male,0,0.01053146 +3564,Source_Img_3564,Target_Img_3564,White,Male,1,0.7428474 +3565,Source_Img_3565,Target_Img_3565,White,Male,0,0.102845224 +3566,Source_Img_3566,Target_Img_3566,White,Male,0,0.109301646 +3567,Source_Img_3567,Target_Img_3567,White,Male,0,0.01240159 +3568,Source_Img_3568,Target_Img_3568,White,Male,1,0.72300357 +3569,Source_Img_3569,Target_Img_3569,White,Male,0,0.03239447 +3570,Source_Img_3570,Target_Img_3570,White,Male,1,0.47387752 +3571,Source_Img_3571,Target_Img_3571,White,Male,0,0.142140824 +3572,Source_Img_3572,Target_Img_3572,White,Male,0,0.065695674 +3573,Source_Img_3573,Target_Img_3573,White,Male,1,0.9133747 +3574,Source_Img_3574,Target_Img_3574,White,Male,0,0.146696926 +3575,Source_Img_3575,Target_Img_3575,White,Male,1,0.7127799 +3576,Source_Img_3576,Target_Img_3576,White,Male,1,0.8523761 +3577,Source_Img_3577,Target_Img_3577,White,Male,0,0.16571727 +3578,Source_Img_3578,Target_Img_3578,White,Male,1,0.996 +3579,Source_Img_3579,Target_Img_3579,White,Male,1,0.7453395 +3580,Source_Img_3580,Target_Img_3580,White,Male,1,0.7060521 +3581,Source_Img_3581,Target_Img_3581,White,Male,1,0.69168926 +3582,Source_Img_3582,Target_Img_3582,White,Male,1,0.7891483 +3583,Source_Img_3583,Target_Img_3583,White,Male,0,0.12653345 +3584,Source_Img_3584,Target_Img_3584,White,Male,0,0.01559167 +3585,Source_Img_3585,Target_Img_3585,White,Male,1,0.68676405 +3586,Source_Img_3586,Target_Img_3586,White,Male,1,0.58091254 +3587,Source_Img_3587,Target_Img_3587,White,Male,0,0.17679213 +3588,Source_Img_3588,Target_Img_3588,White,Male,1,0.6996416 +3589,Source_Img_3589,Target_Img_3589,White,Male,1,0.6071905 +3590,Source_Img_3590,Target_Img_3590,White,Male,0,0.10535349 +3591,Source_Img_3591,Target_Img_3591,White,Male,1,1 +3592,Source_Img_3592,Target_Img_3592,White,Male,1,0.6893601 +3593,Source_Img_3593,Target_Img_3593,White,Male,0,0.05636972 +3594,Source_Img_3594,Target_Img_3594,White,Male,0,0.13833082 +3595,Source_Img_3595,Target_Img_3595,White,Male,0,0.102554144 +3596,Source_Img_3596,Target_Img_3596,White,Male,1,1 +3597,Source_Img_3597,Target_Img_3597,White,Male,1,0.870834 +3598,Source_Img_3598,Target_Img_3598,White,Male,1,0.907 +3599,Source_Img_3599,Target_Img_3599,White,Male,0,0.185862385 +3600,Source_Img_3600,Target_Img_3600,White,Male,1,0.8165022 +3601,Source_Img_3601,Target_Img_3601,White,Male,0,0.02151147 +3602,Source_Img_3602,Target_Img_3602,White,Male,1,0.95249876 +3603,Source_Img_3603,Target_Img_3603,White,Male,0,0.022692035 +3604,Source_Img_3604,Target_Img_3604,White,Male,0,0.025758686 +3605,Source_Img_3605,Target_Img_3605,White,Male,0,0.09959482 +3606,Source_Img_3606,Target_Img_3606,White,Male,1,1 +3607,Source_Img_3607,Target_Img_3607,White,Male,1,0.976 +3608,Source_Img_3608,Target_Img_3608,White,Male,1,0.8620737 +3609,Source_Img_3609,Target_Img_3609,White,Male,1,0.979 +3610,Source_Img_3610,Target_Img_3610,White,Male,1,0.76200526 +3611,Source_Img_3611,Target_Img_3611,White,Male,0,0.158219446 +3612,Source_Img_3612,Target_Img_3612,White,Male,1,1 +3613,Source_Img_3613,Target_Img_3613,White,Male,1,0.92642477 +3614,Source_Img_3614,Target_Img_3614,White,Male,1,0.8771135 +3615,Source_Img_3615,Target_Img_3615,White,Male,1,0.69890763 +3616,Source_Img_3616,Target_Img_3616,White,Male,0,0.189439864 +3617,Source_Img_3617,Target_Img_3617,White,Male,1,1 +3618,Source_Img_3618,Target_Img_3618,White,Male,1,0.73105116 +3619,Source_Img_3619,Target_Img_3619,White,Male,1,0.6700612 +3620,Source_Img_3620,Target_Img_3620,White,Male,0,0.10444548 +3621,Source_Img_3621,Target_Img_3621,White,Male,1,0.92097294 +3622,Source_Img_3622,Target_Img_3622,White,Male,0,0.08808018 +3623,Source_Img_3623,Target_Img_3623,White,Male,1,1 +3624,Source_Img_3624,Target_Img_3624,White,Male,0,0.06696255 +3625,Source_Img_3625,Target_Img_3625,White,Male,1,1 +3626,Source_Img_3626,Target_Img_3626,White,Male,1,0.81219315 +3627,Source_Img_3627,Target_Img_3627,White,Male,0,0.00771054 +3628,Source_Img_3628,Target_Img_3628,White,Male,1,0.71085954 +3629,Source_Img_3629,Target_Img_3629,White,Male,1,0.79446574 +3630,Source_Img_3630,Target_Img_3630,White,Male,0,0.01926563 +3631,Source_Img_3631,Target_Img_3631,White,Male,1,0.8556204 +3632,Source_Img_3632,Target_Img_3632,White,Male,1,0.6820933 +3633,Source_Img_3633,Target_Img_3633,White,Male,0,0.023602084 +3634,Source_Img_3634,Target_Img_3634,White,Male,0,0.14716277 +3635,Source_Img_3635,Target_Img_3635,White,Male,1,0.9555334 +3636,Source_Img_3636,Target_Img_3636,White,Male,1,0.5122963 +3637,Source_Img_3637,Target_Img_3637,White,Male,1,0.70248704 +3638,Source_Img_3638,Target_Img_3638,White,Male,1,0.9039538 +3639,Source_Img_3639,Target_Img_3639,White,Male,0,0.001206725 +3640,Source_Img_3640,Target_Img_3640,White,Male,0,0.004205805 +3641,Source_Img_3641,Target_Img_3641,White,Male,1,0.7704745 +3642,Source_Img_3642,Target_Img_3642,White,Male,0,0.05213805 +3643,Source_Img_3643,Target_Img_3643,White,Male,1,0.914 +3644,Source_Img_3644,Target_Img_3644,White,Male,0,0 +3645,Source_Img_3645,Target_Img_3645,White,Male,1,0.74797635 +3646,Source_Img_3646,Target_Img_3646,White,Male,1,0.5999681 +3647,Source_Img_3647,Target_Img_3647,White,Male,1,0.71281964 +3648,Source_Img_3648,Target_Img_3648,White,Male,0,0.032905544 +3649,Source_Img_3649,Target_Img_3649,White,Male,0,0.172592716 +3650,Source_Img_3650,Target_Img_3650,White,Male,1,0.86888696 +3651,Source_Img_3651,Target_Img_3651,White,Male,0,0.06720191 +3652,Source_Img_3652,Target_Img_3652,White,Male,1,1 +3653,Source_Img_3653,Target_Img_3653,White,Male,0,0.18916335 +3654,Source_Img_3654,Target_Img_3654,White,Male,0,0.01616291 +3655,Source_Img_3655,Target_Img_3655,White,Male,1,0.83974125 +3656,Source_Img_3656,Target_Img_3656,White,Male,0,0.157663156 +3657,Source_Img_3657,Target_Img_3657,White,Male,0,0.14176348 +3658,Source_Img_3658,Target_Img_3658,White,Male,1,0.85111827 +3659,Source_Img_3659,Target_Img_3659,White,Male,1,0.6910932 +3660,Source_Img_3660,Target_Img_3660,White,Male,0,0.089553424 +3661,Source_Img_3661,Target_Img_3661,White,Male,1,0.81518025 +3662,Source_Img_3662,Target_Img_3662,White,Male,1,0.959 +3663,Source_Img_3663,Target_Img_3663,White,Male,0,0.2481412 +3664,Source_Img_3664,Target_Img_3664,White,Male,1,0.91302044 +3665,Source_Img_3665,Target_Img_3665,White,Male,0,0.06657724 +3666,Source_Img_3666,Target_Img_3666,White,Male,0,0.04589772 +3667,Source_Img_3667,Target_Img_3667,White,Male,1,0.7724952 +3668,Source_Img_3668,Target_Img_3668,White,Male,0,0.05626616 +3669,Source_Img_3669,Target_Img_3669,White,Male,1,0.6299023 +3670,Source_Img_3670,Target_Img_3670,White,Male,1,1 +3671,Source_Img_3671,Target_Img_3671,White,Male,1,0.6552947 +3672,Source_Img_3672,Target_Img_3672,White,Male,0,0.02266936 +3673,Source_Img_3673,Target_Img_3673,White,Male,0,0.16877103 +3674,Source_Img_3674,Target_Img_3674,White,Male,1,0.7254344 +3675,Source_Img_3675,Target_Img_3675,White,Male,0,0.05909613 +3676,Source_Img_3676,Target_Img_3676,White,Male,1,0.962987 +3677,Source_Img_3677,Target_Img_3677,White,Male,0,0.148958196 +3678,Source_Img_3678,Target_Img_3678,White,Male,1,0.7878798 +3679,Source_Img_3679,Target_Img_3679,White,Male,0,0.02675571 +3680,Source_Img_3680,Target_Img_3680,White,Male,1,0.78950084 +3681,Source_Img_3681,Target_Img_3681,White,Male,0,0.03705294 +3682,Source_Img_3682,Target_Img_3682,White,Male,0,0.14427913 +3683,Source_Img_3683,Target_Img_3683,White,Male,1,0.915946 +3684,Source_Img_3684,Target_Img_3684,White,Male,1,0.6013158 +3685,Source_Img_3685,Target_Img_3685,White,Male,0,0.15146542 +3686,Source_Img_3686,Target_Img_3686,White,Male,0,0.00196991 +3687,Source_Img_3687,Target_Img_3687,White,Male,1,0.96 +3688,Source_Img_3688,Target_Img_3688,White,Male,0,0.05685865 +3689,Source_Img_3689,Target_Img_3689,White,Male,1,0.74795534 +3690,Source_Img_3690,Target_Img_3690,White,Male,1,0.7590218 +3691,Source_Img_3691,Target_Img_3691,White,Male,0,0.116086115 +3692,Source_Img_3692,Target_Img_3692,White,Male,1,0.98518865 +3693,Source_Img_3693,Target_Img_3693,White,Male,1,0.8772761 +3694,Source_Img_3694,Target_Img_3694,White,Male,0,0.134335936 +3695,Source_Img_3695,Target_Img_3695,White,Male,0,0 +3696,Source_Img_3696,Target_Img_3696,White,Male,1,0.82446774 +3697,Source_Img_3697,Target_Img_3697,White,Male,0,0.17246422 +3698,Source_Img_3698,Target_Img_3698,White,Male,1,0.65107333 +3699,Source_Img_3699,Target_Img_3699,White,Male,1,0.58599385 +3700,Source_Img_3700,Target_Img_3700,White,Male,0,0.00665707 +3701,Source_Img_3701,Target_Img_3701,White,Male,0,0.045639255 +3702,Source_Img_3702,Target_Img_3702,White,Male,1,0.77482056 +3703,Source_Img_3703,Target_Img_3703,White,Male,1,0.730918 +3704,Source_Img_3704,Target_Img_3704,White,Male,0,0.14043311 +3705,Source_Img_3705,Target_Img_3705,White,Male,1,0.8056851 +3706,Source_Img_3706,Target_Img_3706,White,Male,1,0.675162 +3707,Source_Img_3707,Target_Img_3707,White,Male,0,0.14318662 +3708,Source_Img_3708,Target_Img_3708,White,Male,0,0.128673136 +3709,Source_Img_3709,Target_Img_3709,White,Male,1,0.5065448 +3710,Source_Img_3710,Target_Img_3710,White,Male,0,0.07624641 +3711,Source_Img_3711,Target_Img_3711,White,Male,1,0.7857584 +3712,Source_Img_3712,Target_Img_3712,White,Male,0,0.080489165 +3713,Source_Img_3713,Target_Img_3713,White,Male,1,1 +3714,Source_Img_3714,Target_Img_3714,White,Male,1,0.7566697 +3715,Source_Img_3715,Target_Img_3715,White,Male,0,0.04248978 +3716,Source_Img_3716,Target_Img_3716,White,Male,0,0.21718407 +3717,Source_Img_3717,Target_Img_3717,White,Male,0,0.06352333 +3718,Source_Img_3718,Target_Img_3718,White,Male,1,0.91231345 +3719,Source_Img_3719,Target_Img_3719,White,Male,0,0.154148135 +3720,Source_Img_3720,Target_Img_3720,White,Male,1,0.7339078 +3721,Source_Img_3721,Target_Img_3721,White,Male,1,0.8670026 +3722,Source_Img_3722,Target_Img_3722,White,Male,0,0.0943775 +3723,Source_Img_3723,Target_Img_3723,White,Male,0,0.099335236 +3724,Source_Img_3724,Target_Img_3724,White,Male,0,0.13556605 +3725,Source_Img_3725,Target_Img_3725,White,Male,1,1 +3726,Source_Img_3726,Target_Img_3726,White,Male,0,0.14002093 +3727,Source_Img_3727,Target_Img_3727,White,Male,1,0.84852574 +3728,Source_Img_3728,Target_Img_3728,White,Male,1,0.7957814 +3729,Source_Img_3729,Target_Img_3729,White,Male,1,0.71359095 +3730,Source_Img_3730,Target_Img_3730,White,Male,0,0.09796607 +3731,Source_Img_3731,Target_Img_3731,White,Male,1,0.923 +3732,Source_Img_3732,Target_Img_3732,White,Male,1,0.79618845 +3733,Source_Img_3733,Target_Img_3733,White,Male,0,0.15749347 +3734,Source_Img_3734,Target_Img_3734,White,Male,1,0.6952047 +3735,Source_Img_3735,Target_Img_3735,White,Male,0,0.073324096 +3736,Source_Img_3736,Target_Img_3736,White,Male,0,0.019081764 +3737,Source_Img_3737,Target_Img_3737,White,Male,1,0.93587523 +3738,Source_Img_3738,Target_Img_3738,White,Male,0,0.07628764 +3739,Source_Img_3739,Target_Img_3739,White,Male,1,0.7098741 +3740,Source_Img_3740,Target_Img_3740,White,Male,0,0.13319733 +3741,Source_Img_3741,Target_Img_3741,White,Male,1,0.8463055 +3742,Source_Img_3742,Target_Img_3742,White,Male,0,0.05636755 +3743,Source_Img_3743,Target_Img_3743,White,Male,1,0.7806992 +3744,Source_Img_3744,Target_Img_3744,White,Male,1,0.6990017 +3745,Source_Img_3745,Target_Img_3745,White,Male,0,0.175878585 +3746,Source_Img_3746,Target_Img_3746,White,Male,0,0.07932345 +3747,Source_Img_3747,Target_Img_3747,White,Male,1,0.8736059 +3748,Source_Img_3748,Target_Img_3748,White,Male,0,0.11915046 +3749,Source_Img_3749,Target_Img_3749,White,Male,1,0.83856524 +3750,Source_Img_3750,Target_Img_3750,White,Male,0,0.13752989 +3751,Source_Img_3751,Target_Img_3751,White,Male,1,0.74304503 +3752,Source_Img_3752,Target_Img_3752,White,Male,0,0.13744696 +3753,Source_Img_3753,Target_Img_3753,White,Male,0,0.02281004 +3754,Source_Img_3754,Target_Img_3754,White,Male,1,0.59827656 +3755,Source_Img_3755,Target_Img_3755,White,Male,1,1 +3756,Source_Img_3756,Target_Img_3756,White,Male,0,0.0841297 +3757,Source_Img_3757,Target_Img_3757,White,Male,1,0.78821875 +3758,Source_Img_3758,Target_Img_3758,White,Male,0,0.11574545 +3759,Source_Img_3759,Target_Img_3759,White,Male,1,0.86461097 +3760,Source_Img_3760,Target_Img_3760,White,Male,0,0.02244766 +3761,Source_Img_3761,Target_Img_3761,White,Male,0,0.171116965 +3762,Source_Img_3762,Target_Img_3762,White,Male,1,0.6792944 +3763,Source_Img_3763,Target_Img_3763,White,Male,1,0.5992592 +3764,Source_Img_3764,Target_Img_3764,White,Male,0,0.03793955 +3765,Source_Img_3765,Target_Img_3765,White,Male,1,0.77715905 +3766,Source_Img_3766,Target_Img_3766,White,Male,1,0.882244 +3767,Source_Img_3767,Target_Img_3767,White,Male,0,0.11866109 +3768,Source_Img_3768,Target_Img_3768,White,Male,1,0.915 +3769,Source_Img_3769,Target_Img_3769,White,Male,0,0.080852916 +3770,Source_Img_3770,Target_Img_3770,White,Male,0,0.0464167 +3771,Source_Img_3771,Target_Img_3771,White,Male,0,0.17573985 +3772,Source_Img_3772,Target_Img_3772,White,Male,1,0.6409971 +3773,Source_Img_3773,Target_Img_3773,White,Male,0,0.02137757 +3774,Source_Img_3774,Target_Img_3774,White,Male,0,0.026462216 +3775,Source_Img_3775,Target_Img_3775,White,Male,1,0.8673436 +3776,Source_Img_3776,Target_Img_3776,White,Male,0,0.06194949 +3777,Source_Img_3777,Target_Img_3777,White,Male,0,0.158221136 +3778,Source_Img_3778,Target_Img_3778,White,Male,1,1 +3779,Source_Img_3779,Target_Img_3779,White,Male,1,0.8774724 +3780,Source_Img_3780,Target_Img_3780,White,Male,0,0.038740795 +3781,Source_Img_3781,Target_Img_3781,White,Male,1,0.952 +3782,Source_Img_3782,Target_Img_3782,White,Male,0,0.08726199 +3783,Source_Img_3783,Target_Img_3783,White,Male,1,0.6175749 +3784,Source_Img_3784,Target_Img_3784,White,Male,1,0.6771875 +3785,Source_Img_3785,Target_Img_3785,White,Male,0,0.12821576 +3786,Source_Img_3786,Target_Img_3786,White,Male,0,0.02001532 +3787,Source_Img_3787,Target_Img_3787,White,Male,1,0.6338376 +3788,Source_Img_3788,Target_Img_3788,White,Male,1,0.48608194 +3789,Source_Img_3789,Target_Img_3789,White,Male,1,0.73205386 +3790,Source_Img_3790,Target_Img_3790,White,Male,0,0 +3791,Source_Img_3791,Target_Img_3791,White,Male,0,0.19270119 +3792,Source_Img_3792,Target_Img_3792,White,Male,0,0.06165948 +3793,Source_Img_3793,Target_Img_3793,White,Male,1,0.98787414 +3794,Source_Img_3794,Target_Img_3794,White,Male,0,0.05170489 +3795,Source_Img_3795,Target_Img_3795,White,Male,1,0.61297185 +3796,Source_Img_3796,Target_Img_3796,White,Male,0,0.086985324 +3797,Source_Img_3797,Target_Img_3797,White,Male,0,0 +3798,Source_Img_3798,Target_Img_3798,White,Male,1,0.6112446 +3799,Source_Img_3799,Target_Img_3799,White,Male,0,0.170828274 +3800,Source_Img_3800,Target_Img_3800,White,Male,1,0.82477437 +3801,Source_Img_3801,Target_Img_3801,White,Male,0,0.016787266 +3802,Source_Img_3802,Target_Img_3802,White,Male,1,0.62504355 +3803,Source_Img_3803,Target_Img_3803,White,Male,0,0.03649619 +3804,Source_Img_3804,Target_Img_3804,White,Male,1,0.74854216 +3805,Source_Img_3805,Target_Img_3805,White,Male,1,0.909 +3806,Source_Img_3806,Target_Img_3806,White,Male,0,0.02204403 +3807,Source_Img_3807,Target_Img_3807,White,Male,1,0.943 +3808,Source_Img_3808,Target_Img_3808,White,Male,0,0.09211979 +3809,Source_Img_3809,Target_Img_3809,White,Male,1,0.68231784 +3810,Source_Img_3810,Target_Img_3810,White,Male,0,0.09990985 +3811,Source_Img_3811,Target_Img_3811,White,Male,1,1 +3812,Source_Img_3812,Target_Img_3812,White,Male,0,0.068853316 +3813,Source_Img_3813,Target_Img_3813,White,Male,0,0.12463302 +3814,Source_Img_3814,Target_Img_3814,White,Male,1,0.8640014 +3815,Source_Img_3815,Target_Img_3815,White,Male,1,0.7135891 +3816,Source_Img_3816,Target_Img_3816,White,Male,1,0.8423282 +3817,Source_Img_3817,Target_Img_3817,White,Male,0,0.02285461 +3818,Source_Img_3818,Target_Img_3818,White,Male,1,1 +3819,Source_Img_3819,Target_Img_3819,White,Male,0,0.17630672 +3820,Source_Img_3820,Target_Img_3820,White,Male,1,0.901 +3821,Source_Img_3821,Target_Img_3821,White,Male,0,0.09102187 +3822,Source_Img_3822,Target_Img_3822,White,Male,0,0.04329311 +3823,Source_Img_3823,Target_Img_3823,White,Male,1,0.74113936 +3824,Source_Img_3824,Target_Img_3824,White,Male,0,0 +3825,Source_Img_3825,Target_Img_3825,White,Male,0,0.082910414 +3826,Source_Img_3826,Target_Img_3826,White,Male,0,0.01136577 +3827,Source_Img_3827,Target_Img_3827,White,Male,0,0.16858348 +3828,Source_Img_3828,Target_Img_3828,White,Male,1,0.909 +3829,Source_Img_3829,Target_Img_3829,White,Male,0,0.058000684 +3830,Source_Img_3830,Target_Img_3830,White,Male,0,0.11474237 +3831,Source_Img_3831,Target_Img_3831,White,Male,1,0.939 +3832,Source_Img_3832,Target_Img_3832,White,Male,0,0.11844412 +3833,Source_Img_3833,Target_Img_3833,White,Male,0,0.13802632 +3834,Source_Img_3834,Target_Img_3834,White,Male,1,0.76978476 +3835,Source_Img_3835,Target_Img_3835,White,Male,1,0.924 +3836,Source_Img_3836,Target_Img_3836,White,Male,0,0.15726924 +3837,Source_Img_3837,Target_Img_3837,White,Male,1,0.7032835 +3838,Source_Img_3838,Target_Img_3838,White,Male,0,0.07121574 +3839,Source_Img_3839,Target_Img_3839,White,Male,1,0.6637229 +3840,Source_Img_3840,Target_Img_3840,White,Male,1,0.6198705 +3841,Source_Img_3841,Target_Img_3841,White,Male,1,0.81017843 +3842,Source_Img_3842,Target_Img_3842,White,Male,0,0.0555878 +3843,Source_Img_3843,Target_Img_3843,White,Male,1,0.7445528 +3844,Source_Img_3844,Target_Img_3844,White,Male,1,0.9298224 +3845,Source_Img_3845,Target_Img_3845,White,Male,1,0.7435367 +3846,Source_Img_3846,Target_Img_3846,White,Male,0,0 +3847,Source_Img_3847,Target_Img_3847,White,Male,1,0.965 +3848,Source_Img_3848,Target_Img_3848,White,Male,1,0.7362903 +3849,Source_Img_3849,Target_Img_3849,White,Male,0,0.028470615 +3850,Source_Img_3850,Target_Img_3850,White,Male,1,0.7036891 +3851,Source_Img_3851,Target_Img_3851,White,Male,0,0.14315269 +3852,Source_Img_3852,Target_Img_3852,White,Male,1,0.992 +3853,Source_Img_3853,Target_Img_3853,White,Male,0,0.18787771 +3854,Source_Img_3854,Target_Img_3854,White,Male,1,1 +3855,Source_Img_3855,Target_Img_3855,White,Male,0,0.14247981 +3856,Source_Img_3856,Target_Img_3856,White,Male,1,0.9328928 +3857,Source_Img_3857,Target_Img_3857,White,Male,1,0.9830681 +3858,Source_Img_3858,Target_Img_3858,White,Male,0,0.192601214 +3859,Source_Img_3859,Target_Img_3859,White,Male,1,0.73425704 +3860,Source_Img_3860,Target_Img_3860,White,Male,0,0.22823655 +3861,Source_Img_3861,Target_Img_3861,White,Male,0,0.03433415 +3862,Source_Img_3862,Target_Img_3862,White,Male,1,0.74518903 +3863,Source_Img_3863,Target_Img_3863,White,Male,1,0.63871584 +3864,Source_Img_3864,Target_Img_3864,White,Male,1,0.81004296 +3865,Source_Img_3865,Target_Img_3865,White,Male,0,0.32132688 +3866,Source_Img_3866,Target_Img_3866,White,Male,1,0.6260777 +3867,Source_Img_3867,Target_Img_3867,White,Male,1,0.998 +3868,Source_Img_3868,Target_Img_3868,White,Male,1,0.7419005 +3869,Source_Img_3869,Target_Img_3869,White,Male,0,0 +3870,Source_Img_3870,Target_Img_3870,White,Male,1,0.8237064 +3871,Source_Img_3871,Target_Img_3871,White,Male,0,0.101813186 +3872,Source_Img_3872,Target_Img_3872,White,Male,1,0.68520425 +3873,Source_Img_3873,Target_Img_3873,White,Male,0,0.10278139 +3874,Source_Img_3874,Target_Img_3874,White,Male,1,0.79498173 +3875,Source_Img_3875,Target_Img_3875,White,Male,1,0.8259298 +3876,Source_Img_3876,Target_Img_3876,White,Male,0,0.05018108 +3877,Source_Img_3877,Target_Img_3877,White,Male,0,0.145727075 +3878,Source_Img_3878,Target_Img_3878,White,Male,0,0.1191746 +3879,Source_Img_3879,Target_Img_3879,White,Male,0,0.17977764 +3880,Source_Img_3880,Target_Img_3880,White,Male,1,0.83522505 +3881,Source_Img_3881,Target_Img_3881,White,Male,0,0 +3882,Source_Img_3882,Target_Img_3882,White,Male,0,0.014087414 +3883,Source_Img_3883,Target_Img_3883,White,Male,1,0.90576006 +3884,Source_Img_3884,Target_Img_3884,White,Male,0,0.171750896 +3885,Source_Img_3885,Target_Img_3885,White,Male,0,0.09234802 +3886,Source_Img_3886,Target_Img_3886,White,Male,1,0.5926097 +3887,Source_Img_3887,Target_Img_3887,White,Male,0,0.09350003 +3888,Source_Img_3888,Target_Img_3888,White,Male,1,0.860753 +3889,Source_Img_3889,Target_Img_3889,White,Male,0,0.00609828 +3890,Source_Img_3890,Target_Img_3890,White,Male,1,1 +3891,Source_Img_3891,Target_Img_3891,White,Male,1,0.82841156 +3892,Source_Img_3892,Target_Img_3892,White,Male,0,0.159385526 +3893,Source_Img_3893,Target_Img_3893,White,Male,1,0.6152927 +3894,Source_Img_3894,Target_Img_3894,White,Male,1,1 +3895,Source_Img_3895,Target_Img_3895,White,Male,1,0.936 +3896,Source_Img_3896,Target_Img_3896,White,Male,0,0.144647145 +3897,Source_Img_3897,Target_Img_3897,White,Male,1,0.7891976 +3898,Source_Img_3898,Target_Img_3898,White,Male,1,0.68785214 +3899,Source_Img_3899,Target_Img_3899,White,Male,1,0.9240129 +3900,Source_Img_3900,Target_Img_3900,White,Male,0,0.15288254 +3901,Source_Img_3901,Target_Img_3901,White,Male,0,0.12043862 +3902,Source_Img_3902,Target_Img_3902,White,Male,1,0.7151949 +3903,Source_Img_3903,Target_Img_3903,White,Male,0,0.09218152 +3904,Source_Img_3904,Target_Img_3904,White,Male,0,0.05188611 +3905,Source_Img_3905,Target_Img_3905,White,Male,1,0.819023 +3906,Source_Img_3906,Target_Img_3906,White,Male,1,0.65207143 +3907,Source_Img_3907,Target_Img_3907,White,Male,1,0.7494322 +3908,Source_Img_3908,Target_Img_3908,White,Male,1,0.8251268 +3909,Source_Img_3909,Target_Img_3909,White,Male,0,0.13355988 +3910,Source_Img_3910,Target_Img_3910,White,Male,1,0.4846407 +3911,Source_Img_3911,Target_Img_3911,White,Male,0,0.180597836 +3912,Source_Img_3912,Target_Img_3912,White,Male,1,1 +3913,Source_Img_3913,Target_Img_3913,White,Male,1,0.7239981 +3914,Source_Img_3914,Target_Img_3914,White,Male,1,0.75702097 +3915,Source_Img_3915,Target_Img_3915,White,Male,0,0.08077639 +3916,Source_Img_3916,Target_Img_3916,White,Male,0,0.09419367 +3917,Source_Img_3917,Target_Img_3917,White,Male,1,1 +3918,Source_Img_3918,Target_Img_3918,White,Male,0,0.070459595 +3919,Source_Img_3919,Target_Img_3919,White,Male,1,0.42696636 +3920,Source_Img_3920,Target_Img_3920,White,Male,1,0.60103357 +3921,Source_Img_3921,Target_Img_3921,White,Male,0,0.03444645 +3922,Source_Img_3922,Target_Img_3922,White,Male,0,0.08204022 +3923,Source_Img_3923,Target_Img_3923,White,Male,1,0.8078287 +3924,Source_Img_3924,Target_Img_3924,White,Male,0,0.01093906 +3925,Source_Img_3925,Target_Img_3925,White,Male,1,0.7697956 +3926,Source_Img_3926,Target_Img_3926,White,Male,0,0.18481682 +3927,Source_Img_3927,Target_Img_3927,White,Male,0,0.10397599 +3928,Source_Img_3928,Target_Img_3928,White,Male,0,0.167830585 +3929,Source_Img_3929,Target_Img_3929,White,Male,1,0.75702197 +3930,Source_Img_3930,Target_Img_3930,White,Male,1,1 +3931,Source_Img_3931,Target_Img_3931,White,Male,1,0.8016909 +3932,Source_Img_3932,Target_Img_3932,White,Male,1,0.88216624 +3933,Source_Img_3933,Target_Img_3933,White,Male,0,0.10480133 +3934,Source_Img_3934,Target_Img_3934,White,Male,0,0.149319305 +3935,Source_Img_3935,Target_Img_3935,White,Male,1,0.6278546 +3936,Source_Img_3936,Target_Img_3936,White,Male,0,0.06308897 +3937,Source_Img_3937,Target_Img_3937,White,Male,0,0.131999135 +3938,Source_Img_3938,Target_Img_3938,White,Male,1,0.7497898 +3939,Source_Img_3939,Target_Img_3939,White,Male,1,1 +3940,Source_Img_3940,Target_Img_3940,White,Male,0,0.05438676 +3941,Source_Img_3941,Target_Img_3941,White,Male,1,0.8255805 +3942,Source_Img_3942,Target_Img_3942,White,Male,0,0.162242726 +3943,Source_Img_3943,Target_Img_3943,White,Male,0,0.0468207 +3944,Source_Img_3944,Target_Img_3944,White,Male,1,0.7034222 +3945,Source_Img_3945,Target_Img_3945,White,Male,0,0.09840261 +3946,Source_Img_3946,Target_Img_3946,White,Male,1,0.74126535 +3947,Source_Img_3947,Target_Img_3947,White,Male,0,0.06800012 +3948,Source_Img_3948,Target_Img_3948,White,Male,0,0.16178955 +3949,Source_Img_3949,Target_Img_3949,White,Male,1,0.89786845 +3950,Source_Img_3950,Target_Img_3950,White,Male,1,0.68187393 +3951,Source_Img_3951,Target_Img_3951,White,Male,0,0.1661644 +3952,Source_Img_3952,Target_Img_3952,White,Male,0,0.15323982 +3953,Source_Img_3953,Target_Img_3953,White,Male,1,0.83192987 +3954,Source_Img_3954,Target_Img_3954,White,Male,1,0.7995595 +3955,Source_Img_3955,Target_Img_3955,White,Male,0,0.1161215 +3956,Source_Img_3956,Target_Img_3956,White,Male,1,0.5696409 +3957,Source_Img_3957,Target_Img_3957,White,Male,1,0.72049276 +3958,Source_Img_3958,Target_Img_3958,White,Male,0,0.0700801 +3959,Source_Img_3959,Target_Img_3959,White,Male,0,0 +3960,Source_Img_3960,Target_Img_3960,White,Male,1,0.9683026 +3961,Source_Img_3961,Target_Img_3961,White,Male,0,0.25436363 +3962,Source_Img_3962,Target_Img_3962,White,Male,1,0.7584606 +3963,Source_Img_3963,Target_Img_3963,White,Male,0,0.12054154 +3964,Source_Img_3964,Target_Img_3964,White,Male,1,0.6499534 +3965,Source_Img_3965,Target_Img_3965,White,Male,0,0.1219863 +3966,Source_Img_3966,Target_Img_3966,White,Male,1,0.9438414 +3967,Source_Img_3967,Target_Img_3967,White,Male,0,0 +3968,Source_Img_3968,Target_Img_3968,White,Male,1,0.7643943 +3969,Source_Img_3969,Target_Img_3969,White,Male,0,0.05926232 +3970,Source_Img_3970,Target_Img_3970,White,Male,1,0.7580004 +3971,Source_Img_3971,Target_Img_3971,White,Male,0,0.03222644 +3972,Source_Img_3972,Target_Img_3972,White,Male,1,0.8641763 +3973,Source_Img_3973,Target_Img_3973,White,Male,0,0.1500869 +3974,Source_Img_3974,Target_Img_3974,White,Male,1,0.7963089 +3975,Source_Img_3975,Target_Img_3975,White,Male,0,0.12423117 +3976,Source_Img_3976,Target_Img_3976,White,Male,1,0.85001943 +3977,Source_Img_3977,Target_Img_3977,White,Male,0,0.11158585 +3978,Source_Img_3978,Target_Img_3978,White,Male,0,0.01126605 +3979,Source_Img_3979,Target_Img_3979,White,Male,1,0.69961957 +3980,Source_Img_3980,Target_Img_3980,White,Male,0,0.03349215 +3981,Source_Img_3981,Target_Img_3981,White,Male,1,0.7906376 +3982,Source_Img_3982,Target_Img_3982,White,Male,1,0.75500673 +3983,Source_Img_3983,Target_Img_3983,White,Male,0,0.0895796 +3984,Source_Img_3984,Target_Img_3984,White,Male,1,0.7771649 +3985,Source_Img_3985,Target_Img_3985,White,Male,0,0.156425295 +3986,Source_Img_3986,Target_Img_3986,White,Male,0,0.05747536 +3987,Source_Img_3987,Target_Img_3987,White,Male,1,0.5746303 +3988,Source_Img_3988,Target_Img_3988,White,Male,0,0.09652807 +3989,Source_Img_3989,Target_Img_3989,White,Male,0,0 +3990,Source_Img_3990,Target_Img_3990,White,Male,0,0.13379122 +3991,Source_Img_3991,Target_Img_3991,White,Male,1,0.6751835 +3992,Source_Img_3992,Target_Img_3992,White,Male,0,0.05738602 +3993,Source_Img_3993,Target_Img_3993,White,Male,1,0.988 +3994,Source_Img_3994,Target_Img_3994,White,Male,0,0.10804309 +3995,Source_Img_3995,Target_Img_3995,White,Male,1,0.81607465 +3996,Source_Img_3996,Target_Img_3996,White,Male,0,0.06888785 +3997,Source_Img_3997,Target_Img_3997,White,Male,1,0.91 +3998,Source_Img_3998,Target_Img_3998,White,Male,0,0.17148975 +3999,Source_Img_3999,Target_Img_3999,White,Male,0,0.17418621 diff --git a/notebooks/responsibleaidashboard/adult-test.csv b/notebooks/responsibleaidashboard/adult-test.csv new file mode 100644 index 0000000000..a2227227a5 --- /dev/null +++ b/notebooks/responsibleaidashboard/adult-test.csv @@ -0,0 +1,16282 @@ +income,age,workclass,fnlwgt,education,education-num,marital-status,occupation,relationship,race,gender,capital-gain,capital-loss,hours-per-week,native-country +<=50K,25, Private,226802, 11th,7, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Private,89814, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,28, Local-gov,336951, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,44, Private,160323, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7688,0,40, United-States +<=50K,18, ?,103497, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,34, Private,198693, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, ?,227026, HS-grad,9, Never-married, ?, Unmarried, Black, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,104626, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,32, United-States +<=50K,24, Private,369667, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Private,104996, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +>50K,65, Private,184454, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6418,0,40, United-States +<=50K,36, Federal-gov,212465, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,82091, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,58, ?,299831, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,48, Private,279724, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,48, United-States +>50K,43, Private,346189, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, State-gov,444554, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,43, Private,128354, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,37, Private,60548, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +>50K,40, Private,85019, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, ? +>50K,34, Private,107914, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,47, United-States +<=50K,34, Private,238588, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,35, United-States +<=50K,72, ?,132015, 7th-8th,4, Divorced, ?, Not-in-family, White, Female,0,0,6, United-States +<=50K,25, Private,220931, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, Peru +<=50K,25, Private,205947, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,432824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,90, United-States +<=50K,22, Private,236427, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,134446, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,54, United-States +<=50K,54, Private,99516, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,32, Self-emp-not-inc,109282, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,46, State-gov,106444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,38, United-States +<=50K,56, Self-emp-not-inc,186651, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,24, Self-emp-not-inc,188274, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Local-gov,258120, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,43311, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,65, ?,191846, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,403681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,248446, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Male,0,0,50, Guatemala +<=50K,17, Private,269430, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,257509, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,65, Private,136384, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,120277, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,465326, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,103634, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,138371, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,32, United-States +>50K,28, Private,242832, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,39, Private,290208, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,54, Private,186272, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,50, United-States +<=50K,52, Private,201062, 11th,7, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,18, United-States +<=50K,56, Self-emp-inc,131916, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, Private,54440, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,280215, HS-grad,9, Divorced, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,214399, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,1721,24, United-States +>50K,22, Private,54164, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,14084,0,60, United-States +<=50K,38, Private,219446, 9th,5, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,54, Mexico +<=50K,21, Private,110677, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,63, Private,145985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Local-gov,382078, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +>50K,42, Self-emp-inc,170721, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,33, Private,269705, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,101135, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,118429, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,31208, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,281384, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,47, Local-gov,171807, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,109912, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, ? +>50K,41, Self-emp-inc,445382, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, United-States +<=50K,19, Private,105460, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,46, Private,170338, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,102606, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,55, Private,323887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,46, Private,175622, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,229636, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,388946, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,269034, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,17, ?,165361, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,75012, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,69, Self-emp-inc,174379, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,50, Private,312477, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,72055, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,67001, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,213734, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,83141, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,1876,40, United-States +>50K,44, Self-emp-inc,223881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,50, ? +<=50K,31, Self-emp-not-inc,113752, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,170482, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,44, United-States +<=50K,20, Federal-gov,244689, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,55, Private,160631, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,56, United-States +<=50K,24, Federal-gov,228724, Some-college,10, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,40, United-States +>50K,41, ?,38434, Masters,14, Married-civ-spouse, ?, Wife, White, Female,7688,0,10, United-States +<=50K,59, Private,292946, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,49, Federal-gov,77443, 7th-8th,4, Never-married, Other-service, Not-in-family, Black, Male,0,0,20, United-States +>50K,33, Private,176410, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,10, United-States +<=50K,59, Federal-gov,98984, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,198751, Masters,14, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,479296, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,235218, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,164877, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,59, Private,272087, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,169699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, ?,189762, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,18, United-States +<=50K,33, Private,202191, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,22, Private,212261, Some-college,10, Never-married, Transport-moving, Own-child, Black, Male,0,0,39, United-States +<=50K,58, Self-emp-not-inc,301568, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Local-gov,155233, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,28, United-States +<=50K,36, Private,75826, 10th,6, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,201520, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,154236, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,2597,0,40, United-States +<=50K,19, Private,289227, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,16, United-States +<=50K,18, Private,217439, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,18, Private,179020, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,48, United-States +<=50K,28, Private,149624, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,29, Private,337266, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,30796, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,103541, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,206721, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,46, Private,96773, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,200967, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,44, Private,180019, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,179866, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Local-gov,198770, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,18, Private,219256, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,19, Private,248730, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +<=50K,41, Private,110732, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,181020, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Private,183791, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,48, Federal-gov,42972, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,134813, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,115438, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, Ireland +>50K,41, Private,239296, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,50, United-States +<=50K,41, Private,428420, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,247846, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,334105, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,100793, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,41, United-States +<=50K,57, Private,244478, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,48, United-States +<=50K,30, Private,142921, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,182863, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,171128, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,145402, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,306309, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,83822, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,262118, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,22, Germany +>50K,40, Private,155972, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +>50K,43, Self-emp-inc,214503, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +<=50K,34, Private,159303, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,47, Self-emp-not-inc,174995, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,44, Private,26669, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +>50K,33, Private,177727, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,55, Private,124771, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,19, Private,456736, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,2907,0,30, United-States +<=50K,28, Private,216604, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,14, United-States +<=50K,27, Private,221561, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,32, United-States +<=50K,50, Private,114564, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,22, Private,315476, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,40, State-gov,67874, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,45, United-States +<=50K,25, Private,126110, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Local-gov,102264, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,537222, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,42, Private,113732, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,625,40, United-States +<=50K,38, Self-emp-inc,93225, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,43064, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,136921, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,388885, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,142249, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,46, State-gov,56841, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,156493, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,159021, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +<=50K,42, Private,190910, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,41879, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,25, United-States +<=50K,58, Local-gov,137249, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,33, United-States +>50K,54, Private,236157, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,34, Private,189759, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,239877, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,21175, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,48, Local-gov,67229, Masters,14, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,236391, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,325596, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,83411, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,37, United-States +>50K,33, Self-emp-inc,154227, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,37, Private,248010, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,34, Private,198613, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,4650,0,40, United-States +>50K,56, Self-emp-inc,321529, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,28, ?,168524, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,38, United-States +<=50K,37, Private,203079, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,44, Private,284652, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,64, ?,201368, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,54, Private,59840, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,52753, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, State-gov,513100, Bachelors,13, Married-spouse-absent, Farming-fishing, Not-in-family, Black, Male,0,0,40, ? +<=50K,22, Private,199266, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,196385, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,39, Private,163205, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,411047, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,79, ?,48574, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,209440, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,55, United-States +<=50K,31, Private,56964, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,299197, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Self-emp-inc,240628, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,19, Private,355313, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,132267, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,174861, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-inc,142443, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,26716, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Local-gov,185588, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,175029, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,34848, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,45, Private,411273, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,73, Local-gov,143437, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,34, Private,357145, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,31, Private,236861, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,53355, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,12, United-States +<=50K,25, Private,29106, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,38, Federal-gov,213274, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Female,6497,0,40, United-States +<=50K,39, Private,22463, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,180497, Bachelors,13, Never-married, Tech-support, Own-child, Black, Female,0,0,32, United-States +<=50K,49, Private,37306, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Federal-gov,137814, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,21, Private,447488, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,38, Mexico +<=50K,31, Private,220915, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,42251, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, Private,162312, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,25, Private,77698, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,39, Private,282951, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,311259, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,63, Local-gov,65479, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +<=50K,41, Private,277256, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,312088, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,38, United-States +<=50K,53, Local-gov,169719, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,270276, 9th,5, Separated, ?, Not-in-family, White, Female,1055,0,40, United-States +<=50K,77, ?,172744, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,96869, 12th,8, Never-married, Priv-house-serv, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,237943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,119751, Masters,14, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,50, Thailand +>50K,34, Private,236861, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,201092, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,34, Private,147215, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,60, United-States +<=50K,52, Private,152373, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,42, Private,227968, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,28, Haiti +<=50K,26, Private,362617, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,103435, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,281412, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,55, Self-emp-not-inc,105239, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2057,60, United-States +<=50K,19, Private,230165, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,62, Self-emp-not-inc,177493, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +<=50K,22, Federal-gov,104443, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,39, ?,110342, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,50, United-States +<=50K,35, Private,143385, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,107189, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,212944, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,44, State-gov,138634, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,99970, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,35, Private,203717, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,24, Private,313956, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,177937, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,28, Private,193868, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,250939, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,35, United-States +<=50K,62, Federal-gov,57629, Some-college,10, Divorced, Tech-support, Not-in-family, Black, Male,4650,0,40, United-States +<=50K,39, Private,281768, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, State-gov,260782, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,243769, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,1429,20, United-States +<=50K,50, Private,109937, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,28, Local-gov,134890, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,100293, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,132179, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,116372, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,255412, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103,0,40, United-States +<=50K,61, ?,195789, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,342400, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,21, ?,65481, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,169085, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,177221, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +>50K,58, Private,65325, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,64, Private,118944, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,46, State-gov,149337, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +>50K,53, ?,237868, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,106183, HS-grad,9, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,42, Private,226388, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,52, United-States +<=50K,18, Private,220754, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +>50K,58, Self-emp-inc,204021, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,347391, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,60, United-States +>50K,35, Federal-gov,413930, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,174201, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,23, Private,145917, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,25, United-States +<=50K,31, Private,241797, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,265168, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,55, United-States +<=50K,41, Private,171234, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,22, Private,178452, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,46, Private,157857, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,512864, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,296462, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,42, Private,171615, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,63, Private,214071, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,172421, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,195488, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,316841, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,236267, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,1590,40, United-States +>50K,30, Private,236543, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, El-Salvador +<=50K,23, Private,318483, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,163756, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,27828,0,60, United-States +<=50K,30, Private,238186, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,2057,48, United-States +>50K,39, Private,329980, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,169269, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,1721,38, Puerto-Rico +<=50K,38, Local-gov,34744, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,26, Private,98114, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,109667, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,37, Local-gov,263690, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Male,0,0,40, ? +<=50K,33, Private,147430, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,224238, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,212894, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Self-emp-not-inc,136708, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3103,0,84, Vietnam +>50K,56, Local-gov,38573, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,197200, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,182796, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,44, Private,184527, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,4934,0,45, United-States +<=50K,34, Private,145231, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064,0,35, United-States +>50K,51, Private,43354, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,20, ?,318865, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,355712, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,37, Private,98776, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,68, Private,257557, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,102258, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,170287, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,243409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,55608, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,26, Private,248057, HS-grad,9, Separated, Handlers-cleaners, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,33, Private,95530, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Local-gov,54038, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,42, United-States +<=50K,18, Private,161245, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,43, Self-emp-not-inc,388725, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,64, Self-emp-not-inc,71807, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, ? +<=50K,18, Private,228216, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,20, ?,303121, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +>50K,57, Private,78020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,249254, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,3674,0,42, United-States +>50K,34, Private,87218, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,19, Private,304299, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,196234, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,55, Dominican-Republic +<=50K,56, Private,197875, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,48063, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,48, Private,253596, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,48, United-States +>50K,29, Private,39257, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,56150, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +<=50K,31, Private,179415, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,252445, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,66, Private,275918, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,40, United-States +>50K,27, Private,106562, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Private,198654, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,99999,0,40, United-States +>50K,59, Private,107318, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,50, United-States +<=50K,26, Private,181896, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,106014, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,45, ?,319993, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,23, Private,197997, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,36, Local-gov,173542, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,207564, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +>50K,32, Private,224462, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,37, Private,123361, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,50, United-States +<=50K,33, Private,90409, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Self-emp-not-inc,165001, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,80, United-States +<=50K,32, Federal-gov,149573, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,249456, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,149898, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,292985, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Private,50223, Some-college,10, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,29, Local-gov,400074, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,55, Private,197399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,209547, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,43, Private,52433, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,45, Self-emp-not-inc,355978, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Self-emp-not-inc,48214, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,26, Private,190873, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, Germany +<=50K,23, Private,278390, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,41, Private,203217, 7th-8th,4, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,24, Private,279175, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,194590, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,34, Self-emp-not-inc,198813, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,40, Private,187294, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,302903, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,1485,40, United-States +<=50K,24, Private,154835, HS-grad,9, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, South +<=50K,73, ?,73402, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,23, Private,100345, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,15, United-States +>50K,43, Self-emp-not-inc,126320, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,142226, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,112076, Doctorate,16, Married-AF-spouse, Exec-managerial, Wife, White, Female,0,1485,35, United-States +<=50K,52, Private,225339, HS-grad,9, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,29, Private,211208, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,47, Private,200808, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Columbia +<=50K,49, Private,220618, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,40, Private,210493, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,369734, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,27898, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +>50K,50, Private,138193, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,50, United-States +<=50K,31, Private,224234, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,48, Local-gov,188741, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,183772, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,41, ?,155041, HS-grad,9, Never-married, ?, Own-child, White, Female,3418,0,40, United-States +<=50K,37, Private,79586, HS-grad,9, Separated, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,60, United-States +>50K,45, Private,355781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, Japan +<=50K,63, ?,156158, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,36, Private,116358, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,45, Private,59287, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,138868, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,185885, Assoc-acdm,12, Never-married, Tech-support, Other-relative, White, Female,0,0,20, United-States +<=50K,17, Private,40299, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,27, Private,500068, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,36, ? +<=50K,43, Private,51494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,35, Private,179481, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,55, United-States +<=50K,38, Private,365907, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,284343, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,204862, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,272476, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,36, Private,175130, 11th,7, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,118941, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,164339, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,1055,0,70, United-States +<=50K,22, ?,213291, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,42, Federal-gov,55457, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +>50K,50, Private,280292, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,446894, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,37, State-gov,67083, Some-college,10, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,54, Self-emp-inc,159219, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,52, Self-emp-inc,168539, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Private,88145, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, ? +<=50K,33, Private,150309, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,122999, Some-college,10, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,24, Private,302195, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,210982, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,114,0,40, United-States +>50K,39, Private,177140, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,113838, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,97165, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,104301, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,45, United-States +<=50K,23, ?,192028, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,64, Self-emp-inc,115931, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,147280, HS-grad,9, Never-married, Other-service, Own-child, Other, Male,0,0,20, United-States +>50K,32, Private,185433, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,26, Private,599057, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,37, United-States +<=50K,19, ?,50626, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,62, Self-emp-not-inc,71467, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,32, Private,183977, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,75, ?,26586, 10th,6, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,5, United-States +<=50K,45, Self-emp-not-inc,196858, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,31, Private,160594, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,32, Private,65278, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580,0,40, United-States +<=50K,24, Private,102258, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,196947, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,233150, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,42857, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,44, Private,118059, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,169262, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,50, United-States +<=50K,27, Private,95108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,161092, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,345253, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,2174,0,40, United-States +<=50K,37, State-gov,111275, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,178878, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +>50K,43, Federal-gov,157237, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,155664, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,44, United-States +<=50K,24, State-gov,322658, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,208503, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, Local-gov,223326, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,1721,35, United-States +>50K,37, Private,20308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,124751, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,113364, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Germany +<=50K,50, State-gov,196900, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,39, United-States +<=50K,36, Private,168170, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,39, Private,205338, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,44, Self-emp-not-inc,98806, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,45, State-gov,226452, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,479179, 11th,7, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,47, Federal-gov,471990, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,50, Private,44728, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,33117, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,264876, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,47235, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,28, State-gov,293628, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,10, ? +<=50K,28, Private,193122, HS-grad,9, Divorced, Sales, Other-relative, White, Male,0,0,50, United-States +>50K,39, Federal-gov,149347, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Poland +<=50K,21, Private,129172, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2907,0,40, United-States +<=50K,73, Self-emp-not-inc,151255, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Female,0,0,75, United-States +<=50K,39, Private,98886, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,4508,0,40, Mexico +<=50K,25, Private,238673, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,137991, Some-college,10, Married-AF-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,51, Private,85942, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,39, Private,85783, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,28, United-States +<=50K,31, Private,174789, Bachelors,13, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,457162, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,17, United-States +>50K,46, Private,176026, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,73, Private,88594, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,311101, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,273989, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,370242, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,24, Private,194630, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, Private,313817, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,195843, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,203160, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,28, United-States +<=50K,33, Private,175856, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,75435, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, State-gov,291676, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,55, Private,192869, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,19, Private,124464, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,98776, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,107960, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,62, State-gov,312286, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Self-emp-not-inc,48520, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,224541, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,55, Mexico +<=50K,36, Local-gov,237713, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,309990, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,33, United-States +<=50K,39, Self-emp-not-inc,37019, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,38, ?,48976, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,1887,10, United-States +<=50K,18, Private,170183, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,61, Private,142988, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,20, Federal-gov,163205, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +>50K,35, Self-emp-not-inc,455379, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,27, Private,104423, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,66, Private,104936, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,21, Private,542610, HS-grad,9, Never-married, Transport-moving, Other-relative, Black, Male,0,0,40, United-States +<=50K,20, Private,208117, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,34, Private,105141, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,63, Private,156120, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, ? +<=50K,20, ?,38455, HS-grad,9, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,213339, HS-grad,9, Separated, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,177989, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2051,60, United-States +<=50K,64, State-gov,107732, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,45, Columbia +<=50K,32, Private,312403, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Local-gov,176992, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,84294, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,22, Private,143062, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +<=50K,53, Local-gov,139671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,116814, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,36, Private,37778, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,240900, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,202652, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,52187, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,28, Private,349751, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,2174,0,50, United-States +<=50K,24, Local-gov,238384, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,37, United-States +<=50K,60, Private,209844, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,54, Private,333301, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,214974, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,113453, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,54, Private,162238, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,98779, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,52, Private,165001, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,78528, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,55, Private,353881, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,35, Private,251396, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Private,178100, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,416165, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,45, Private,177536, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, England +<=50K,38, Private,203717, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,107231, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,106448, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,196816, Assoc-voc,11, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,50, United-States +>50K,37, Self-emp-not-inc,191342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,60, Philippines +<=50K,18, Private,170194, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,26, Private,113587, 10th,6, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +<=50K,48, Self-emp-inc,72425, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,51, Private,217480, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Male,8614,0,40, United-States +<=50K,52, Private,120914, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, State-gov,33945, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,199753, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +>50K,51, Private,144284, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,53833, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,151158, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,43, Private,125577, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,242323, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,31, State-gov,195181, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,73, ?,145748, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,341672, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,60, India +<=50K,35, Private,116369, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,73, Private,113446, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +<=50K,25, Self-emp-not-inc,121285, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,25124, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2377,65, United-States +<=50K,32, Private,182274, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,37, United-States +<=50K,28, Private,103548, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,38434, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,53, Self-emp-not-inc,317313, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,49, Private,177543, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,55, Private,139834, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,29, Private,118478, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,50, United-States +<=50K,28, Self-emp-not-inc,147951, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,44, Private,201734, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,41, Private,198196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,26, Private,141876, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,3103,0,45, United-States +>50K,23, Private,325179, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,143774, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Germany +>50K,23, Private,152328, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,13550,0,50, United-States +<=50K,33, Private,479600, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Private,180599, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,448026, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,2907,0,30, United-States +<=50K,36, Private,300333, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +<=50K,44, Local-gov,184105, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,40, United-States +<=50K,23, Private,202084, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,29515, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,247328, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Mexico +>50K,31, Private,188246, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,105788, HS-grad,9, Separated, Exec-managerial, Unmarried, Black, Female,6497,0,35, United-States +<=50K,18, Self-emp-inc,352640, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,49, Private,132576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,128829, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,93140, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,28, United-States +<=50K,50, Self-emp-inc,155965, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,51, Self-emp-inc,335902, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,55, United-States +<=50K,22, Private,158522, Some-college,10, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,35, United-States +>50K,54, Private,174806, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,32207, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,43607, Bachelors,13, Widowed, Adm-clerical, Unmarried, White, Male,0,0,60, United-States +<=50K,67, State-gov,168224, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,180318, 11th,7, Separated, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,311376, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,101562, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Local-gov,267859, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, Cuba +<=50K,36, Private,86143, Assoc-voc,11, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,33, Local-gov,217304, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,410034, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,29, Private,293073, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,48, United-States +<=50K,18, ?,39493, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,247425, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,51, Private,128338, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,189344, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,18, Private,366154, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, Private,163051, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1628,40, United-States +<=50K,31, Private,437200, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,323798, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,53, United-States +<=50K,38, Private,182570, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,21, Private,200318, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,48520, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,130007, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,166248, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, Private,203554, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,64, ?,192715, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,1672,10, United-States +>50K,33, Self-emp-inc,291333, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,49, Self-emp-not-inc,39140, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,266439, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,126840, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,166419, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,42, Private,287129, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,206827, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,42, Private,173888, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,52, United-States +>50K,41, State-gov,253250, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,337239, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,71, ?,113445, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,54, Federal-gov,201127, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,24, Private,403107, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,59, ?,179078, HS-grad,9, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, ?,126402, 11th,7, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Federal-gov,223892, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,58, State-gov,191318, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,32, Private,394708, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,22, Private,119474, HS-grad,9, Never-married, Sales, Own-child, White, Female,1055,0,25, United-States +<=50K,20, Private,419984, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,60, ?,164730, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,190678, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, ? +<=50K,26, Local-gov,197897, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, England +<=50K,33, Private,286675, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,191986, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,90525, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,15024,0,20, United-States +<=50K,32, Private,56150, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,248327, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,90860, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +>50K,35, Federal-gov,104858, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,228686, Some-college,10, Divorced, ?, Own-child, White, Male,0,1602,25, United-States +<=50K,46, Private,196707, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,37, Private,29430, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +>50K,45, Private,54038, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,20, United-States +<=50K,63, Private,281025, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,53, Private,258832, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,10, Philippines +<=50K,24, Private,131220, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,65, ?,190454, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,29, United-States +>50K,43, Private,315971, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, ? +<=50K,47, Private,265097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,185057, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,169557, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,6849,0,40, United-States +<=50K,35, Self-emp-inc,333636, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,75, United-States +<=50K,19, Private,181652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +<=50K,47, Private,34307, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Federal-gov,198813, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,1590,40, United-States +>50K,59, Local-gov,240030, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,226089, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,190941, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,160261, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2463,0,50, England +<=50K,31, Private,208458, HS-grad,9, Divorced, Sales, Unmarried, Other, Female,0,0,40, Mexico +<=50K,49, Private,112761, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,67716, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,60, Self-emp-not-inc,121076, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,33, Self-emp-not-inc,182556, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,231348, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,55395, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,34, Private,344073, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +<=50K,38, Federal-gov,318912, Assoc-voc,11, Divorced, Adm-clerical, Own-child, Black, Male,0,0,52, United-States +>50K,58, Self-emp-not-inc,237546, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,20, Private,346341, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, ? +<=50K,52, Private,305090, Some-college,10, Separated, Sales, Other-relative, White, Female,0,0,55, United-States +<=50K,22, Local-gov,198478, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,24, Private,321435, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,39, Private,259716, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +>50K,41, Private,191547, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,37, ?,171482, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,56, Private,225927, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,21, Private,256504, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,168526, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,45, Private,44489, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,10, United-States +>50K,44, Local-gov,159449, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,80, United-States +>50K,54, Private,387540, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,314819, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +<=50K,40, Private,34722, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, State-gov,125831, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,99999,0,60, United-States +<=50K,20, ?,239805, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,16, United-States +<=50K,41, Self-emp-not-inc,264663, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,294121, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,83912, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, Mexico +<=50K,26, Private,241626, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,50, State-gov,137815, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-inc,153891, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +<=50K,24, Private,83774, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,2885,0,45, United-States +>50K,58, Private,199067, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +>50K,44, Self-emp-inc,57233, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,211517, 12th,8, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,132879, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,65, Self-emp-not-inc,72776, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,2964,0,40, United-States +>50K,33, Private,54318, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,143582, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,37, Taiwan +>50K,56, Self-emp-not-inc,174564, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,35, Private,179579, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +<=50K,33, Private,187618, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,1741,40, United-States +<=50K,35, Private,186819, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,47, Self-emp-not-inc,60087, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,35, Self-emp-not-inc,28987, 9th,5, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,96, United-States +<=50K,56, Private,187355, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Self-emp-inc,218555, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,94214, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298,0,50, Thailand +<=50K,42, Private,204729, Assoc-voc,11, Separated, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,20, ?,281668, Some-college,10, Never-married, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,24, Private,236696, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, Taiwan +<=50K,33, Private,179747, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,187322, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,38, State-gov,116975, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,50, United-States +<=50K,32, Private,205950, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,190968, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,32, Private,160458, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,28, Local-gov,190911, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Private,85382, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,41, Local-gov,129793, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,37, Local-gov,270181, Assoc-acdm,12, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,50, United-States +<=50K,23, Private,243723, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,168113, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,652784, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,315984, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,311311, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,111336, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,28, United-States +<=50K,30, Self-emp-not-inc,100252, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,60, South +>50K,41, State-gov,186990, Prof-school,15, Widowed, Prof-specialty, Not-in-family, Other, Female,0,0,52, United-States +>50K,37, State-gov,241633, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,45, United-States +<=50K,49, Federal-gov,252616, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,41, Federal-gov,46366, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,50, United-States +<=50K,52, Local-gov,266138, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,32732, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,361978, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Female,1471,0,40, United-States +>50K,25, State-gov,77661, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,2444,40, United-States +>50K,44, Self-emp-inc,60087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Local-gov,197550, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Male,0,0,33, United-States +<=50K,53, Private,170701, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Private,159822, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,211494, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,55, United-States +<=50K,30, Federal-gov,340899, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, State-gov,224752, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,36, Private,102568, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,220690, 11th,7, Divorced, Other-service, Not-in-family, White, Male,0,0,33, United-States +<=50K,22, Private,303170, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,28, United-States +<=50K,17, ?,143331, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,192162, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,201635, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,55263, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,56, State-gov,133728, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,45, Private,347025, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,23, Private,110998, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Private,122347, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,127875, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,8, United-States +<=50K,42, Private,167534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,35, United-States +<=50K,27, State-gov,152560, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,37, Private,265144, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,302679, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Private,290763, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,86837, Preschool,1, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,32, Private,147118, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,62, ?,103575, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,5178,0,40, United-States +<=50K,37, Private,169469, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,189334, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,139571, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, United-States +>50K,36, Private,111545, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,67, Private,72776, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,10566,0,15, United-States +>50K,54, Private,307973, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,211666, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,143766, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,112812, HS-grad,9, Married-civ-spouse, Protective-serv, Other-relative, White, Female,0,0,40, United-States +<=50K,57, Private,43290, 10th,6, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,57, Private,111385, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,145744, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,126754, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, Italy +>50K,46, State-gov,54260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +<=50K,41, State-gov,34895, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,43, United-States +<=50K,44, Private,166740, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,143062, Bachelors,13, Never-married, Other-service, Own-child, White, Female,2463,0,30, United-States +>50K,34, Local-gov,191957, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +<=50K,24, Private,109456, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,32, Private,198183, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,27, Local-gov,157449, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,67, Private,53874, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Cuba +<=50K,36, Private,191754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,320071, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1408,48, United-States +<=50K,24, Private,164574, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,46, Private,185870, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,44, State-gov,165745, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,23, Self-emp-not-inc,40323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,199378, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,90, United-States +<=50K,31, Private,289889, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Local-gov,152200, Some-college,10, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0,0,40, United-States +>50K,61, Private,198231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,28865, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +>50K,42, Private,26915, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,108926, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,5, United-States +<=50K,21, State-gov,204034, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, Mexico +<=50K,28, Local-gov,191088, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,2354,0,60, United-States +<=50K,27, Local-gov,194515, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Female,0,0,37, United-States +<=50K,32, Private,28984, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,2001,25, United-States +<=50K,47, Private,125892, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,37932, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, England +<=50K,56, Private,249751, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,191948, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,97306, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,176178, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,28, Private,142764, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +>50K,50, Private,148431, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,66, State-gov,148380, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,1424,0,10, United-States +<=50K,38, Private,314890, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,46, United-States +<=50K,62, Private,177493, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,36, Federal-gov,327435, Masters,14, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,275967, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,176520, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,186463, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,50380, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,70, Self-emp-not-inc,323987, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,52, Private,192445, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,142851, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,18, United-States +<=50K,19, State-gov,42750, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,199011, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,3, United-States +>50K,37, Private,98644, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, ? +<=50K,37, Private,173963, 11th,7, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, State-gov,284763, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,29, Private,108775, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,233312, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, Poland +<=50K,50, Private,197826, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,123007, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,2001,30, United-States +<=50K,26, Private,264012, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,214247, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,21, Private,200121, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,138069, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,50, United-States +<=50K,22, Private,33551, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, State-gov,89083, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,47, Private,369438, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,61, Private,93997, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,47, Local-gov,169699, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,115429, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,46, State-gov,96652, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,103759, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,54422, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Local-gov,107215, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,194630, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,102142, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,134638, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,39, United-States +<=50K,56, Private,46920, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,207973, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, Canada +<=50K,24, Private,208946, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,252431, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,1, United-States +<=50K,36, Private,251730, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Private,301251, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, ?,137632, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, Haiti +<=50K,36, Private,197274, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,37, Private,106043, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,195636, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,237956, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Cuba +>50K,58, Private,31532, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,276157, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,207668, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,142921, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,217039, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,19, Local-gov,259169, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +>50K,54, Private,409173, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,50, Puerto-Rico +<=50K,31, State-gov,73161, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,40, United-States +<=50K,27, Private,241431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,36, Private,151764, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +<=50K,47, Federal-gov,131726, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,1876,40, United-States +<=50K,35, Private,334291, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,67243, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, Portugal +<=50K,45, Private,370261, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,573446, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,1455,0,40, United-States +<=50K,27, Local-gov,189775, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,44, United-States +>50K,36, Private,312206, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,86939, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,221757, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,213140, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,24, Private,308673, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,90, Private,149069, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1825,50, United-States +>50K,50, Private,69345, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,44, United-States +>50K,37, Private,112158, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,99, United-States +<=50K,31, Private,386299, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,61838, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,290286, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,38, United-States +<=50K,41, Private,143069, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Self-emp-inc,145714, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,45, Self-emp-not-inc,285570, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +>50K,54, Self-emp-not-inc,399705, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,54, Private,186224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,172918, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,198270, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,38, United-States +<=50K,43, Private,307767, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,208630, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,30, Private,169002, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,186369, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,99203, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,48, Private,197836, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,56, Private,140136, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, United-States +<=50K,21, Local-gov,402230, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,36, United-States +<=50K,45, Private,167159, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,116409, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Local-gov,105161, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,34, Private,263908, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,189565, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,224059, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,79, ?,27457, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,23, United-States +<=50K,35, Private,240988, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,55, United-States +<=50K,39, Self-emp-not-inc,41017, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,73, Self-emp-not-inc,214498, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,12, United-States +<=50K,57, Private,186361, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,35, Self-emp-inc,165799, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,266983, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,19, ?,165416, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,54, Private,226497, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,99516, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,177287, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,27385, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,27, Self-emp-not-inc,147452, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,48, United-States +<=50K,25, Private,144334, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Private,217926, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,48, Private,153312, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,24, Private,126822, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,67, Self-emp-inc,51415, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,171886, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +>50K,38, Private,216319, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,54, Private,279337, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,115085, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,453233, 10th,6, Separated, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,34, Federal-gov,400943, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,34, Private,226883, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,49, United-States +<=50K,80, Private,138050, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,16, United-States +<=50K,40, Private,204585, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,19, Local-gov,220558, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,35, United-States +<=50K,35, Private,198841, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,21, Private,67244, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Local-gov,75785, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,53, Private,85423, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,134724, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,3103,0,40, United-States +<=50K,59, Private,109567, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,21, ?,132053, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,52, Private,157413, 1st-4th,2, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,238567, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,153133, 12th,8, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,49, Private,186256, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,260265, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,50, Private,131819, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,141584, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,245121, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,66, Private,22502, 7th-8th,4, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,30, Private,23778, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,4416,0,40, United-States +>50K,49, Private,380922, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,80, United-States +<=50K,40, Self-emp-not-inc,173651, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,191137, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,217006, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, State-gov,22211, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,37, United-States +<=50K,23, Local-gov,57711, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Germany +>50K,60, Self-emp-not-inc,123190, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,67, United-States +>50K,44, Private,110028, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,27828,0,60, United-States +>50K,53, Self-emp-not-inc,174102, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,60, United-States +>50K,66, Self-emp-not-inc,183249, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,18, ?,240183, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,44, Local-gov,49665, Assoc-voc,11, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,38, Private,210438, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,30, Private,53373, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,295706, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,3674,0,42, United-States +>50K,38, Local-gov,273457, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,165949, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,142152, 11th,7, Never-married, Transport-moving, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,189203, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,58, State-gov,179089, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,53956, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +>50K,59, Self-emp-inc,77816, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,36, Local-gov,74593, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,196158, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,8614,0,52, United-States +<=50K,17, Private,28544, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,59, Local-gov,662460, 10th,6, Widowed, Prof-specialty, Unmarried, White, Female,0,0,15, United-States +<=50K,22, Private,152328, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,120277, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,180278, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, ?,426589, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,49, Private,111558, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1977,25, United-States +<=50K,18, ?,243203, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,38, Self-emp-not-inc,195686, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Male,0,0,25, United-States +<=50K,48, Private,226696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,53, ?,118058, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,172237, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,34, Self-emp-not-inc,114074, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,41, Federal-gov,171589, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,20, ?,184271, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,594,0,20, United-States +<=50K,58, Local-gov,218724, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,134190, 10th,6, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,45, Local-gov,181964, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,47, United-States +<=50K,37, Private,385330, 7th-8th,4, Separated, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,48, Private,242406, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Dominican-Republic +>50K,40, Federal-gov,107584, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,127892, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,160261, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,10, United-States +<=50K,51, ?,285200, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2105,0,24, United-States +<=50K,48, Private,153254, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,48, United-States +<=50K,36, Self-emp-not-inc,294672, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,145924, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,35, United-States +<=50K,41, Self-emp-not-inc,280005, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,29, Federal-gov,66893, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,47039, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Federal-gov,36186, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,37, Private,159383, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,192010, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,27, Private,216479, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, ?,274680, Preschool,1, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,211345, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Nicaragua +>50K,25, Private,203561, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,56, United-States +<=50K,63, Private,170815, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,65, Self-emp-not-inc,200565, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,18, United-States +<=50K,77, Private,89655, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,234195, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,98466, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,191437, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,77792, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,24, Local-gov,134181, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,53, State-gov,195690, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,37, Self-emp-inc,94869, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,4787,0,40, United-States +<=50K,44, State-gov,267464, Some-college,10, Separated, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,25, ?,257006, 11th,7, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,81010, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,47, Private,54260, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,60, United-States +<=50K,62, Federal-gov,171995, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,2829,0,40, United-States +<=50K,39, Private,245665, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, ?,35855, 11th,7, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,32, State-gov,189838, Some-college,10, Divorced, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,25, Private,629900, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,30, Private,84119, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,47, Private,47343, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,103614, 10th,6, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,303092, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, State-gov,124520, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,220857, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,32, State-gov,247481, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,54, Private,283281, 7th-8th,4, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,50, United-States +<=50K,31, Private,25610, Preschool,1, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,25, United-States +<=50K,42, Private,13769, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,283969, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Mexico +<=50K,18, Private,185522, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,33, United-States +<=50K,65, ?,173309, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,401,0,12, United-States +<=50K,37, Private,144005, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, State-gov,205949, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,158948, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,84, United-States +>50K,64, Private,240357, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,243929, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,63, Private,201700, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,53, Private,208402, Some-college,10, Divorced, Adm-clerical, Unmarried, Other, Female,4865,0,45, Mexico +<=50K,18, Private,120599, 11th,7, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,33, Private,231826, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,62, Private,499971, 11th,7, Widowed, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +>50K,56, Private,227972, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,48, Germany +>50K,58, State-gov,299680, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,43, United-States +<=50K,33, Private,231822, 10th,6, Separated, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,58, Private,185459, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,44, Private,90582, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,81, Private,184615, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, White, Female,1264,0,40, United-States +<=50K,28, Private,173858, HS-grad,9, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,35, China +<=50K,28, Private,132326, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,315037, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,175122, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,239577, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,52, United-States +<=50K,48, Self-emp-not-inc,96975, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,45, Self-emp-inc,61885, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,48, United-States +<=50K,48, Private,185870, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,37, State-gov,142282, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +>50K,34, Private,334744, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,201600, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +<=50K,38, Private,34378, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,180271, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,123833, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,213304, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, El-Salvador +<=50K,30, Private,296538, 9th,5, Divorced, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,391937, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,175339, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +<=50K,26, Private,60726, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,6849,0,50, United-States +<=50K,39, Private,191103, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,54, United-States +<=50K,34, State-gov,32174, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,176219, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,33, Self-emp-not-inc,294434, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,76, United-States +<=50K,17, Private,310885, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,36, Mexico +<=50K,27, Private,171133, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,53, Private,162951, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,41, United-States +<=50K,43, Private,223934, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,23940, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,88073, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,60, Private,57371, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-not-inc,73684, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,65, United-States +>50K,39, Private,107164, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Private,120126, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, United-States +>50K,41, Self-emp-not-inc,54611, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,61, Private,131117, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,71, Federal-gov,101676, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,403965, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +<=50K,33, Private,177083, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Canada +>50K,52, Private,173987, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,352080, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,26, ?,102400, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,378426, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, Columbia +>50K,42, Private,210857, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,63, Private,165775, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,21, United-States +<=50K,53, Private,295896, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,34, State-gov,238944, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,149640, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,1506,0,40, Honduras +>50K,67, ?,106175, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,49, Private,191320, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,28, Local-gov,134771, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,55, United-States +<=50K,51, ?,295538, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,44, Private,120277, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,27, Private,82393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,49, Private,146121, 5th-6th,3, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,20, Vietnam +<=50K,34, Private,162544, 7th-8th,4, Never-married, Priv-house-serv, Own-child, White, Female,0,0,30, United-States +<=50K,27, Self-emp-not-inc,216178, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,38, Self-emp-not-inc,248694, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,219140, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,360401, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,1719,48, United-States +<=50K,39, Private,319962, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,50, Private,115284, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,29702, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,63, ?,107085, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,44, State-gov,204361, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,218312, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,182332, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,127876, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, Private,316702, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,292549, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,203178, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,63, Private,180099, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,154541, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,27, Private,95465, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,41, Private,171839, Masters,14, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +>50K,43, Private,115562, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,39, State-gov,42478, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, ?,117054, 5th-6th,3, Divorced, ?, Not-in-family, White, Male,0,0,99, United-States +>50K,56, Self-emp-inc,124137, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,45, United-States +<=50K,44, State-gov,107503, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,60, United-States +<=50K,24, Private,70261, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,367037, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,4650,0,40, United-States +<=50K,38, Private,258339, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, Iran +<=50K,36, Self-emp-not-inc,269509, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, State-gov,301302, Doctorate,16, Married-spouse-absent, Tech-support, Not-in-family, White, Male,0,0,20, ? +<=50K,50, Private,369367, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,224582, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,52, United-States +<=50K,41, Local-gov,343591, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,10, United-States +<=50K,45, ?,53540, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,16, United-States +<=50K,46, Private,153536, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,65, ?,91262, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,48, United-States +>50K,44, Private,238574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,247558, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,188278, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,51, Private,194995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,74, Local-gov,168782, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,32, Private,287229, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Private,202153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,58, ?,230586, 10th,6, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,115358, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,78283, 12th,8, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,64, Federal-gov,168854, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +>50K,44, Private,222011, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +>50K,59, Private,157749, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,0,3004,40, United-States +<=50K,34, Private,203814, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,54, Private,74660, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, Canada +<=50K,33, Private,292603, Some-college,10, Divorced, Other-service, Not-in-family, Black, Female,0,0,30, Dominican-Republic +<=50K,44, Private,172364, 1st-4th,2, Married-civ-spouse, Transport-moving, Wife, White, Female,3908,0,60, United-States +>50K,31, Private,305619, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, State-gov,157990, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,120243, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +>50K,56, Self-emp-not-inc,296991, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, England +<=50K,24, Private,174845, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,180475, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,152652, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,172941, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Male,0,0,20, United-States +<=50K,39, Federal-gov,450770, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,166003, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,204935, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, State-gov,60949, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Local-gov,181132, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,39, United-States +<=50K,20, Private,408988, Some-college,10, Never-married, Sales, Own-child, White, Female,594,0,24, United-States +<=50K,49, Private,169515, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,250087, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,208613, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,225172, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,125905, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,35, Private,165007, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,42, United-States +<=50K,46, Private,165346, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,8, United-States +<=50K,35, Private,37655, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,60, United-States +<=50K,21, Private,172047, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,45, Private,178530, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Local-gov,347491, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-inc,208049, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,1590,40, United-States +<=50K,18, Private,111019, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,53, Self-emp-not-inc,163826, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Local-gov,117023, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,281982, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,150025, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Puerto-Rico +>50K,50, Private,176215, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,56, United-States +<=50K,38, Private,166062, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Local-gov,28568, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,53, Private,53833, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +>50K,46, Private,219967, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,50, Private,309017, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,45, Private,353083, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,257992, Assoc-voc,11, Never-married, Sales, Own-child, Black, Male,0,0,23, United-States +>50K,41, Private,283174, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,43, Self-emp-not-inc,185413, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,29, Private,207513, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,53, Private,56213, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,100961, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,51700, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,199224, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,43, Local-gov,70055, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,38, Private,183683, 10th,6, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,64, Private,45868, 7th-8th,4, Separated, Priv-house-serv, Not-in-family, Other, Female,0,0,35, Mexico +>50K,37, Private,94706, Bachelors,13, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,27828,0,40, United-States +>50K,48, Private,322183, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +>50K,27, Self-emp-not-inc,226976, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,262678, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,41, Private,135056, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,10520,0,38, United-States +>50K,33, ?,148380, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,3103,0,60, United-States +<=50K,42, Private,270710, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,166220, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,50, United-States +<=50K,29, Private,229803, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,49, Haiti +<=50K,71, Self-emp-inc,172652, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,29, Federal-gov,204796, 10th,6, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,186634, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,16, United-States +<=50K,28, Private,106672, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,2, United-States +>50K,55, Private,135339, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,47, State-gov,287547, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, ?,197583, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,159737, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Local-gov,252217, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,202466, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,33, Private,123031, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,226296, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,232036, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,233779, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,21, ?,152328, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,481987, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,42, Private,107563, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,184806, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,58, United-States +>50K,36, Private,188850, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,127573, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,72443, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,142080, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,38, United-States +<=50K,50, Private,143353, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,12, United-States +>50K,63, Private,172433, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,44, Private,67874, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,625,50, United-States +>50K,38, Private,415578, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,370498, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,140513, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +>50K,44, Self-emp-not-inc,193882, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,289909, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,284078, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,2354,0,40, United-States +<=50K,42, Self-emp-not-inc,83953, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,54, Private,167380, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, State-gov,112761, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Private,420040, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,30, Federal-gov,42900, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,32086, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,19, Private,291181, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,50, Mexico +<=50K,22, Private,71009, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,65, Federal-gov,200764, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, ?,133336, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,36, Self-emp-not-inc,166193, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,22, Private,240229, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,334032, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,30, State-gov,184901, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,132912, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,217290, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,184655, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,242739, Bachelors,13, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +>50K,52, Private,279344, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,60, United-States +<=50K,62, Private,166691, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,154374, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,31740, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,129396, 11th,7, Never-married, Sales, Other-relative, White, Female,0,0,26, United-States +<=50K,54, Private,195015, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,187431, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, State-gov,259087, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, State-gov,62428, Some-college,10, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,15, United-States +<=50K,21, Private,77572, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0,0,34, South +<=50K,29, Private,245402, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, State-gov,201117, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, ?,36779, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,62, Private,177028, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,106306, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,20, United-States +<=50K,62, Private,101582, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,35, United-States +<=50K,58, Local-gov,158357, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,377850, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,207443, 11th,7, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,50, United-States +<=50K,23, Private,130959, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,12, United-States +>50K,37, Private,112497, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,4934,0,50, United-States +<=50K,42, Private,190545, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,46, United-States +<=50K,21, Private,114292, 11th,7, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,75171, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,312939, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,52870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,174947, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,62, Local-gov,106069, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,298696, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,392812, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,53, Private,117932, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,135527, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,60, Private,135158, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,48, United-States +<=50K,47, Private,54260, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, State-gov,28171, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,150324, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Private,109494, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,45, United-States +>50K,57, Private,204209, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,19, Private,328167, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,26, Private,157617, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, ? +<=50K,63, Self-emp-inc,180955, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,42, Private,478373, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,245090, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,209900, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,228649, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,190297, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,44780, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,8, United-States +<=50K,52, State-gov,32372, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,137184, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,67, Private,366425, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,99999,0,60, United-States +<=50K,26, Private,160307, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,2001,40, United-States +>50K,58, Private,170480, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,48, Private,224393, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,173212, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,86646, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4865,0,48, United-States +<=50K,25, Private,108683, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,18, Private,70021, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,36, Private,192939, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,45, Self-emp-not-inc,144086, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,97614, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,68, Self-emp-inc,260198, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,486194, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, Guatemala +<=50K,21, Private,112225, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,15, United-States +<=50K,49, Private,164200, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,52401, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,41, Private,195821, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +>50K,35, Private,108140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,187981, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,108126, 9th,5, Separated, ?, Own-child, White, Female,0,0,40, United-States +>50K,54, Local-gov,168212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,32, Self-emp-not-inc,198613, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, ? +<=50K,18, Private,52098, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,30, Private,509364, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,66, ?,128614, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,23, Local-gov,238384, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,317434, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,158688, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,39, Self-emp-not-inc,267412, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,26, Local-gov,391074, 10th,6, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,78, Private,135692, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,78529, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,117700, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,33, Local-gov,83413, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,44, ?,210875, 11th,7, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,34, Private,108023, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,103435, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,28, Private,632733, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,266019, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,4, United-States +<=50K,30, Private,41210, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,125892, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +>50K,46, Private,135339, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,272372, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,7, United-States +<=50K,40, Private,291300, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +>50K,44, Local-gov,157473, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, Private,329948, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,69, Self-emp-inc,264722, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,132853, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +<=50K,47, Local-gov,216586, 11th,7, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Private,504725, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,3464,0,40, Mexico +<=50K,25, State-gov,150083, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,42, Private,188789, 7th-8th,4, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,65, ?,101427, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,2653,0,30, United-States +<=50K,24, Private,103277, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,48, Federal-gov,191013, Bachelors,13, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,82, Self-emp-inc,220667, 7th-8th,4, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,188800, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Private,24361, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,10520,0,40, United-States +<=50K,28, Private,82910, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,65, Private,105586, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,20051,0,40, United-States +<=50K,66, Self-emp-not-inc,240294, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,40, Private,21755, Some-college,10, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,66, Private,73522, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,37, Private,222450, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, El-Salvador +<=50K,34, Private,35595, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,239061, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,43, Private,122473, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,1977,50, United-States +<=50K,20, Private,190290, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, Canada +<=50K,59, Private,193375, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,10, United-States +>50K,48, Private,148576, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,72896, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,180299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,43, Private,221550, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,183011, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,15, Haiti +<=50K,34, ?,370209, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,298449, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2179,60, United-States +<=50K,21, Local-gov,300812, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,173938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,282172, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,87300, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,64520, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, State-gov,119567, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,117310, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,35, State-gov,28738, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,4101,0,40, United-States +<=50K,17, ?,99695, 10th,6, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,49, Private,366089, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,234397, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,132686, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,196963, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, State-gov,46492, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,274245, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,360032, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,144778, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,142245, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Federal-gov,178074, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,40, United-States +<=50K,19, ?,218171, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,2, South +<=50K,32, Local-gov,130242, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,98980, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,284629, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,114591, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,30, Private,134639, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,45, United-States +<=50K,27, Private,134890, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,199545, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,32, Private,227282, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,308241, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +>50K,43, Private,214781, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,38, United-States +>50K,50, Local-gov,173630, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +>50K,42, Federal-gov,348059, Assoc-acdm,12, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,208785, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,43, Private,151809, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,37, Private,71592, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,17, United-States +<=50K,58, Private,132704, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,3325,0,40, United-States +<=50K,32, Private,250583, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +>50K,35, Private,114765, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,40, Self-emp-not-inc,194924, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,39, Self-emp-not-inc,73471, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1573,45, United-States +>50K,51, Private,250423, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,42, Private,145441, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,86681, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, Private,188643, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,1429,30, United-States +<=50K,74, Private,68326, Assoc-voc,11, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,382859, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,23, ?,211968, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,23, Iran +<=50K,48, Local-gov,132368, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,196123, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,178066, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,1797,0,24, United-States +<=50K,40, State-gov,105936, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,306639, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,26502, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Local-gov,204698, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,118057, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,51, United-States +<=50K,22, State-gov,199266, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,49, Private,248145, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,51, Private,239284, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,188738, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,31, Private,209101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,67, Local-gov,197816, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,27, ?,60726, Bachelors,13, Never-married, ?, Not-in-family, Black, Male,0,0,45, United-States +<=50K,59, Self-emp-not-inc,211678, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,66, Private,304957, HS-grad,9, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,25, United-States +>50K,28, Private,278552, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Self-emp-not-inc,79303, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,44, Local-gov,64632, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,560313, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,45, United-States +<=50K,39, Local-gov,174597, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,46, Private,139946, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,19, Private,277695, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,44, Self-emp-not-inc,138471, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,320615, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,2205,40, United-States +<=50K,48, Private,164954, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,42, United-States +<=50K,27, Private,263728, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3137,0,50, United-States +<=50K,44, Private,103980, Some-college,10, Divorced, Prof-specialty, Own-child, White, Male,3325,0,35, United-States +<=50K,30, Private,159442, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, Ireland +>50K,32, Federal-gov,113838, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,49, Private,28171, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,78, United-States +<=50K,37, Self-emp-not-inc,227253, Preschool,1, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, Mexico +>50K,24, Private,211129, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,60, United-States +<=50K,19, Private,120003, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,245182, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,25, Private,188767, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,227890, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Private,131650, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,258725, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,127678, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,53, Private,110747, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,27, Private,409246, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,128829, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,170031, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,150917, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,41, Private,197372, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +>50K,49, Self-emp-not-inc,43479, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,0,0,63, Canada +<=50K,36, Private,166549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,119684, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2829,0,28, United-States +<=50K,44, Private,651702, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,69, Self-emp-not-inc,199829, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1258,40, United-States +<=50K,22, Private,86745, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,36, Private,644278, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,58, Private,31137, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3464,0,60, United-States +<=50K,32, Private,104525, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,19, ?,91278, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,27, Private,111361, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,19, ?,291692, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,28, United-States +<=50K,35, Private,228881, HS-grad,9, Never-married, Craft-repair, Other-relative, Other, Male,0,0,40, Puerto-Rico +>50K,58, Private,152731, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,178310, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,48, Self-emp-not-inc,116360, Assoc-voc,11, Divorced, Tech-support, Other-relative, Black, Female,0,0,10, United-States +<=50K,22, Private,535852, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Mexico +<=50K,39, Private,30828, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,39518, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,445758, 5th-6th,3, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,40, Private,222504, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,35, Private,357619, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Germany +<=50K,20, ?,121389, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,32, United-States +>50K,41, Private,228847, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,118598, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,35, United-States +>50K,58, Private,49893, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,452353, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, State-gov,285000, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,263300, HS-grad,9, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,55, United-States +<=50K,28, State-gov,132675, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, Germany +<=50K,35, Private,175232, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,257421, 12th,8, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,196227, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,34965, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,65, Private,475775, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,22, United-States +<=50K,19, Private,196857, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,594,0,15, United-States +<=50K,37, Private,159917, 9th,5, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,22, Private,212803, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,118902, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Scotland +<=50K,21, Local-gov,166827, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,21, Private,180060, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,47218, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,46, Private,73541, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, State-gov,150688, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +>50K,36, Private,207824, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,42, Self-emp-inc,198282, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,206359, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,55, ?,125659, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,6, United-States +<=50K,60, Local-gov,129193, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,167457, 7th-8th,4, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,35, Private,455469, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,206891, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,269323, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,45, Local-gov,187715, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,71376, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,268707, 11th,7, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,42, United-States +<=50K,45, Private,215620, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,158438, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,209629, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,121076, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,97933, 9th,5, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,177423, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,4416,0,45, Philippines +<=50K,39, Private,185520, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Federal-gov,38321, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,213307, 1st-4th,2, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,48, Private,328581, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,177368, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,148903, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,53, Self-emp-not-inc,385520, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Female,0,0,55, United-States +<=50K,25, Self-emp-not-inc,193716, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,238899, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,30, United-States +<=50K,36, Private,209993, 5th-6th,3, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, El-Salvador +<=50K,51, State-gov,136060, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,192944, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,29927, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Local-gov,200593, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,311376, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,25, United-States +>50K,58, Private,206814, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,50, United-States +<=50K,21, Private,278391, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, Nicaragua +>50K,32, Private,364657, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,54, ?,120781, Doctorate,16, Married-spouse-absent, ?, Unmarried, Asian-Pac-Islander, Male,0,0,20, India +<=50K,62, Private,175080, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, ?,522241, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,161240, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,162282, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,23, Private,199419, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,171114, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,208855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,381030, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,63, Private,219337, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3471,0,45, United-States +<=50K,45, Private,180010, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,189382, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,121712, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,28, ?,192257, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,20, ?,68620, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,352188, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,398874, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,42, United-States +<=50K,33, Private,191930, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,50, United-States +<=50K,26, Private,269168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, ?,123536, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,173651, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,149337, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,146674, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, ? +<=50K,65, Private,173483, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,19, Private,223669, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,47, Private,182177, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,23, United-States +<=50K,24, Private,109414, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,20, India +>50K,55, Self-emp-inc,150917, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,61, Self-emp-not-inc,39128, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,47, Local-gov,103540, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,110212, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,222450, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,2339,40, El-Salvador +<=50K,21, ?,113760, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, ?,253717, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +<=50K,25, Private,306908, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,263871, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,40, State-gov,55294, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,174063, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,54, State-gov,258735, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,275867, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,154235, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,32, Local-gov,210448, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,337908, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,26, State-gov,205333, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,23, Private,187447, Some-college,10, Separated, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,153589, 9th,5, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Local-gov,149988, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,398959, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,194096, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,44041, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Other-relative, White, Male,0,0,60, United-States +<=50K,22, Private,208946, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, ? +<=50K,47, Private,202117, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,34, Local-gov,303129, HS-grad,9, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,215419, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Private,175069, Some-college,10, Never-married, Sales, Own-child, White, Male,1055,0,30, United-States +<=50K,36, Federal-gov,20469, HS-grad,9, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,52, Private,254680, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,99, United-States +<=50K,38, Self-emp-inc,46385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,178463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,229296, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,38, Private,179352, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,56, Self-emp-not-inc,177368, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,30, Private,156015, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, State-gov,308945, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,60, Self-emp-not-inc,119575, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,332689, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,18, Private,150817, 12th,8, Never-married, Protective-serv, Own-child, White, Female,0,0,45, United-States +<=50K,19, Private,50941, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,53, Federal-gov,59664, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,5013,0,40, United-States +<=50K,18, Private,56613, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,162372, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Puerto-Rico +<=50K,57, Private,77927, 5th-6th,3, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,37, United-States +<=50K,36, ?,157278, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,170214, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, Iran +>50K,33, Private,76493, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,130431, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,40, State-gov,23037, Some-college,10, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,20, Self-emp-not-inc,176321, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,105449, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,41, Private,157217, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Federal-gov,382532, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,250918, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +>50K,49, State-gov,139268, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, United-States +>50K,37, Self-emp-not-inc,200352, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,67, Private,267915, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,376474, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,153047, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,29, Private,154236, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,58, United-States +<=50K,22, ?,261881, 11th,7, Never-married, ?, Other-relative, Black, Female,0,0,15, United-States +<=50K,26, Private,427744, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,100580, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +<=50K,23, Private,238179, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,2339,45, United-States +<=50K,37, State-gov,272471, Some-college,10, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,259058, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,1726,40, United-States +<=50K,41, Private,112656, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,197286, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,26145, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,314440, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,57691, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,2258,70, United-States +>50K,33, Private,301251, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,243410, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,119008, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,67, Private,169435, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,200327, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,18, United-States +<=50K,69, Private,31501, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,223327, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1672,42, United-States +>50K,52, Private,191130, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, ?,191561, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,47, Private,245724, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,194134, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,23, Private,140764, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,1590,40, United-States +<=50K,41, Self-emp-not-inc,189941, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,149368, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,57, Local-gov,237546, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,211051, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,44, State-gov,307468, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,46, Self-emp-not-inc,27847, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,60, Private,39263, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,3325,0,35, United-States +<=50K,46, Local-gov,183610, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,235847, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,52, United-States +>50K,44, Local-gov,32627, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,60, United-States +<=50K,43, Private,42026, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,72808, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,55, Private,377113, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,60, United-States +<=50K,24, Private,176389, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,71075, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +>50K,51, Self-emp-inc,110327, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,42, State-gov,392167, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,130808, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,351757, 10th,6, Never-married, Other-service, Unmarried, White, Male,0,0,30, El-Salvador +<=50K,24, Self-emp-not-inc,345420, 7th-8th,4, Never-married, Farming-fishing, Other-relative, White, Male,0,0,50, United-States +<=50K,52, Private,220984, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,236834, 9th,5, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,35, Mexico +<=50K,42, Private,153489, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,330850, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +>50K,53, Private,337195, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,214816, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,20, Private,92863, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,226894, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,13550,0,40, United-States +<=50K,46, Private,40666, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,18, ?,142043, 11th,7, Never-married, ?, Other-relative, White, Male,0,0,15, United-States +<=50K,58, Private,105239, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,112763, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,66, Self-emp-not-inc,219220, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653,0,40, United-States +<=50K,38, State-gov,168223, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,175639, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,39, Private,167482, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,178417, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,26, Local-gov,33604, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,25, United-States +<=50K,27, Private,62082, Bachelors,13, Never-married, Sales, Own-child, Other, Male,0,0,38, United-States +<=50K,29, Private,149902, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,29, Private,74784, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,47, Self-emp-inc,54260, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,62, ?,119986, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,29, Local-gov,165218, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,52, Local-gov,192853, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Jamaica +<=50K,27, Private,56299, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,53, ?,394690, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,5, United-States +<=50K,29, Private,208406, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,165827, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,249559, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,25, United-States +<=50K,27, Private,151382, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,161141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,57092, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, Private,116927, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,56, Private,133876, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,229259, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,338162, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,37, Federal-gov,38948, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,169276, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, State-gov,364803, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,65, United-States +<=50K,45, Private,302677, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,1340,50, United-States +>50K,35, Private,235485, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,91189, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,54, Federal-gov,149596, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,19, Private,89211, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,48, State-gov,241854, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,213351, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,74631, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,128696, 11th,7, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,49, Private,141069, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,17, ?,347248, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,176947, 7th-8th,4, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,274200, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,94036, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, ?,188431, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,34, Local-gov,176802, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, ?,258973, Some-college,10, Widowed, ?, Not-in-family, White, Female,401,0,14, United-States +<=50K,46, Private,235646, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,175883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,154430, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,71, Private,258126, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,39, Cuba +>50K,26, Federal-gov,337575, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,308241, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, ?,162165, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,43, United-States +<=50K,23, Private,298623, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,65, Private,270935, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Private,338833, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,38, United-States +<=50K,19, ?,341631, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,35, Private,233786, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,366876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,183279, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,41, Federal-gov,29606, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,24, Local-gov,137300, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,184070, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,48, Private,188610, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,41356, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,51, Private,145409, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, ? +<=50K,24, ?,287413, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,60, United-States +<=50K,39, Local-gov,100011, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,119673, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,49, Private,140782, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,2415,3, United-States +<=50K,30, Private,193246, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, State-gov,420526, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,30, Private,34574, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,400061, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, Philippines +<=50K,49, Private,107009, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, Portugal +<=50K,24, Private,33551, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,121640, Some-college,10, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,44, United-States +<=50K,40, Private,179524, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,473206, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,32, United-States +>50K,41, Private,54422, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,202416, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Private,158685, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,56, Self-emp-inc,76534, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,21, China +<=50K,42, State-gov,218948, Doctorate,16, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,36, Jamaica +>50K,37, Self-emp-not-inc,175120, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,100154, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +>50K,29, Private,160510, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,58, Private,223214, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,40, Private,79488, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,136986, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,52, United-States +<=50K,33, Private,202339, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,34, United-States +<=50K,58, Private,205737, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,80145, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,303579, Some-college,10, Never-married, ?, Own-child, White, Male,0,1602,8, United-States +>50K,47, Private,235108, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,41, State-gov,201363, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +>50K,41, Self-emp-inc,244172, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,73, ?,99349, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,56, Federal-gov,338242, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,83, ?,29702, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,22, Private,146352, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,30, Private,215182, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,133456, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Private,79586, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,27, Private,181822, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,123809, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,35, United-States +<=50K,37, Private,35429, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,1506,0,40, United-States +<=50K,48, Private,151584, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,46, United-States +<=50K,42, Private,303725, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,194404, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Local-gov,224229, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Private,236396, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,25, Private,40255, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +>50K,29, State-gov,214881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Honduras +<=50K,47, Private,332465, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,165218, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,34506, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Local-gov,79190, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,79001, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,137876, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +<=50K,57, Federal-gov,40103, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,24, Self-emp-inc,145964, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,32, Private,268282, 7th-8th,4, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,67, Local-gov,272587, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,1086,0,15, United-States +<=50K,22, Private,220993, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,88676, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,185386, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,42, Mexico +>50K,37, Private,177420, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,20, ?,203353, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,100734, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, State-gov,181119, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,172232, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,243678, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Self-emp-inc,170174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,102202, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,38, Private,249720, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,167835, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,266780, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,24, United-States +<=50K,17, Private,173740, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +>50K,44, Private,40024, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +>50K,28, Private,193260, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,50, South +<=50K,18, Private,175752, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,202662, 10th,6, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,167350, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,43, Private,412379, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,23, Self-emp-not-inc,121568, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,1504,40, United-States +<=50K,43, Private,56651, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,238567, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,34, Private,144949, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,42, Private,234633, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,147397, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,44, United-States +<=50K,38, Private,247547, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,266645, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,154897, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,44, Private,112507, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Federal-gov,110884, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,25, Private,151588, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Local-gov,217210, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1887,38, United-States +<=50K,22, ?,185357, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,47, Private,139701, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,36, Private,50707, Bachelors,13, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,370119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,50, United-States +<=50K,66, Self-emp-not-inc,252842, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,20, United-States +<=50K,58, Private,106707, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,25, Private,149486, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,30, Private,427541, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,99999,0,40, United-States +<=50K,51, Self-emp-not-inc,22154, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,144949, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,2559,40, United-States +<=50K,20, Private,228686, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,57, Self-emp-not-inc,113010, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Federal-gov,361278, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,109509, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,47, Private,172155, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, Ecuador +<=50K,54, Private,204304, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,75, Private,233362, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,141609, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,179479, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,3325,0,40, Yugoslavia +<=50K,32, Private,193565, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,314539, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,208908, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,375526, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,31, Private,291494, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,117747, Bachelors,13, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,56, Private,331569, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,36, United-States +<=50K,46, Private,146786, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,59, Private,147098, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,137076, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,223811, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,23, United-States +<=50K,69, Private,172354, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,1848,0,50, United-States +>50K,35, Private,154410, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,58, Private,277203, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,21, Private,97295, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,60, Private,95680, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,29, Private,328981, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,75435, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,53, Private,116288, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,43, Federal-gov,136105, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,1848,40, United-States +>50K,55, Local-gov,134042, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,29, Private,253003, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,2258,45, United-States +<=50K,37, Private,193106, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,37, Private,117528, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,194537, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,195820, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,265671, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, ?,90636, Some-college,10, Never-married, ?, Own-child, Amer-Indian-Eskimo, Female,594,0,40, United-States +<=50K,57, Private,166107, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,49, Federal-gov,106207, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,187135, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,56, United-States +<=50K,44, Private,231793, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,52, United-States +<=50K,20, ?,228326, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,36, Self-emp-not-inc,125933, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +>50K,29, Local-gov,211032, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,51, Local-gov,125796, 11th,7, Never-married, Farming-fishing, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,29526, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,53, Private,158993, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,116379, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, China +<=50K,42, Private,201343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +<=50K,44, Private,402718, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,37, Self-emp-inc,98360, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,285580, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +<=50K,27, ?,119851, Some-college,10, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,325509, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,56, Private,204745, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,3325,0,45, United-States +<=50K,58, Private,152874, Some-college,10, Widowed, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,139715, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,141584, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,156848, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,40151, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,50648, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,26, Private,122920, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,56, United-States +<=50K,19, Local-gov,91571, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,227220, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,33, United-States +>50K,43, State-gov,344519, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,133061, Some-college,10, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Private,219054, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,62, Local-gov,194276, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,46, Self-emp-inc,168211, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,60, United-States +>50K,54, Local-gov,220054, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,43, Self-emp-inc,405601, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,240979, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,80, United-States +<=50K,47, Local-gov,202606, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,58, Private,220896, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,24274, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +>50K,26, Private,263444, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,14344,0,40, United-States +<=50K,51, Local-gov,99064, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,53, Private,203967, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,53, State-gov,94186, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,37, United-States +<=50K,68, ?,110931, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,46, Local-gov,66934, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,32, Self-emp-inc,196385, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,47012, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,216013, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,98921, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,320294, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,247102, 10th,6, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,155632, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +<=50K,22, Self-emp-inc,120753, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,213921, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, Mexico +<=50K,30, Private,94235, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,84141, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,35, Private,237943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,225895, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,126569, Bachelors,13, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, State-gov,172307, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,111520, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,34, United-States +<=50K,53, Private,283079, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,109969, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,65, Private,146159, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,1668,31, United-States +<=50K,22, State-gov,247319, Some-college,10, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +>50K,65, Local-gov,200764, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,21, Private,123868, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,137063, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,112137, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,50, South +>50K,39, Private,188069, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,50, United-States +>50K,52, Private,102828, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,187221, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,12, El-Salvador +<=50K,62, Private,343982, 10th,6, Widowed, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,146949, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,80, United-States +<=50K,41, Private,150011, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,107812, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,6849,0,35, United-States +>50K,43, Private,207392, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,70, United-States +>50K,61, State-gov,140851, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,216842, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,34, Private,112115, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Local-gov,185279, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,60, Private,194980, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,28, Private,189530, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,32, Self-emp-not-inc,38158, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,70, United-States +<=50K,55, ?,246219, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,2105,0,40, United-States +<=50K,51, Private,143822, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,300851, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,56, United-States +<=50K,37, Private,184874, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,1151,0,40, United-States +<=50K,40, Private,83827, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, England +<=50K,44, Private,112847, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,27, Private,581128, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,202652, Assoc-voc,11, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,40, Private,171888, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,30, Private,45427, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,36, Private,185848, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,74, Private,282553, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Federal-gov,153614, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,65353, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,44, Private,244172, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,48, Private,148995, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,14084,0,45, United-States +<=50K,25, Private,274228, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,65, United-States +<=50K,33, Private,156383, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,47403, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,75, ?,226593, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,94041, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1974,30, United-States +>50K,29, Private,271710, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, Federal-gov,231797, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,33, Private,188403, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +>50K,65, Private,444725, Prof-school,15, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,48, Hungary +<=50K,17, Private,242605, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,58, Private,244605, Bachelors,13, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,335276, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,284616, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,60, Private,162151, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,60358, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,151693, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, ?,369907, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,171636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, United-States +<=50K,34, Private,118901, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, State-gov,28419, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,608881, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,112564, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, ? +<=50K,25, Private,171472, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,20, Private,236804, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,38, Private,212252, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,69, Private,119907, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Local-gov,352797, HS-grad,9, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Private,97281, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,154351, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,2993,0,40, United-States +<=50K,22, Private,117606, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,25, Private,222089, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Thailand +<=50K,40, Private,199668, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,25, United-States +>50K,29, Local-gov,194869, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,283268, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,170278, 5th-6th,3, Widowed, Sales, Not-in-family, White, Female,0,0,40, Italy +<=50K,28, Federal-gov,90787, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,110749, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,39, United-States +<=50K,72, Self-emp-not-inc,173864, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,2290,0,45, United-States +>50K,35, Private,278442, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,48, United-States +>50K,33, State-gov,162705, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +<=50K,36, Private,326352, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,18, Private,105854, HS-grad,9, Never-married, Craft-repair, Other-relative, Other, Male,0,0,32, United-States +>50K,38, Self-emp-inc,116608, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +>50K,48, Private,182655, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,213834, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,29, Private,42881, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,81, Self-emp-not-inc,240414, Bachelors,13, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,37688, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,39, Self-emp-not-inc,189922, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,323309, HS-grad,9, Never-married, ?, Own-child, Other, Male,0,0,60, South +<=50K,41, Federal-gov,341638, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,92, United-States +>50K,50, Private,114758, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,288557, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,46, United-States +<=50K,18, ?,191817, 11th,7, Never-married, ?, Own-child, White, Male,0,0,20, Mexico +<=50K,18, Private,222851, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,54, Private,93605, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,263984, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, ? +<=50K,21, Private,190916, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,384787, 9th,5, Never-married, Sales, Other-relative, White, Female,0,0,40, Mexico +<=50K,19, Local-gov,43921, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,183739, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,37, Private,490871, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,25, United-States +>50K,31, Private,173473, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,24504, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,60, Private,113080, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,197093, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,65, Private,56924, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,10, United-States +<=50K,33, Federal-gov,207723, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,32, Private,327902, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,197860, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Haiti +>50K,53, Private,95647, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,98227, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,430151, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,30, United-States +<=50K,60, Private,73069, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, Private,101345, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,1741,40, United-States +>50K,36, Private,196123, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,20, Private,24008, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,67433, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, ?,224466, HS-grad,9, Never-married, ?, Other-relative, Black, Male,0,0,24, United-States +<=50K,29, Private,292120, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,52, Private,198362, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,41, Private,231507, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,216178, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, ?,91447, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,2205,8, United-States +<=50K,40, Private,232820, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,53956, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,155913, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,69, Private,104827, HS-grad,9, Widowed, Tech-support, Unmarried, White, Female,0,0,8, United-States +<=50K,28, Private,197222, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +<=50K,57, Private,255406, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,1980,44, United-States +>50K,54, Federal-gov,278076, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,41, Local-gov,231348, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,196286, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,76417, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,190964, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,42, United-States +>50K,57, Federal-gov,239486, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,45, United-States +<=50K,18, Private,101709, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,15, United-States +<=50K,53, Private,120914, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,60722, HS-grad,9, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,257405, 5th-6th,3, Never-married, Farming-fishing, Unmarried, Black, Male,0,0,40, Mexico +<=50K,61, Private,32209, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,40, United-States +<=50K,45, Private,431245, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,95082, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,57, Private,220986, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,87771, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,72, Self-emp-inc,199233, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,35, United-States +<=50K,23, Private,133515, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,20, United-States +<=50K,46, Private,117310, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,51, Private,163027, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,20, United-States +>50K,46, Private,169711, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,91317, Assoc-acdm,12, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,106159, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,177063, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175059, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,129573, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,59, Private,169611, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,247506, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,37085, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,202033, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,179864, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,88020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,28, ?,243190, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,30, ? +<=50K,33, Private,102270, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,25, Private,81286, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +<=50K,23, ?,205690, Assoc-voc,11, Never-married, ?, Unmarried, Black, Male,0,0,40, United-States +<=50K,35, State-gov,37314, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,29213, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,43, Self-emp-not-inc,451019, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,49, Self-emp-inc,125892, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,259412, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,49, Federal-gov,207540, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,110167, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,430336, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,45, United-States +>50K,39, Self-emp-inc,210610, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,31, Cuba +<=50K,26, Private,86483, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,138507, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,26, Federal-gov,345157, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,71, Local-gov,161342, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,3, United-States +<=50K,27, Private,159109, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,42, United-States +<=50K,34, Private,54608, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,433602, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,38, United-States +<=50K,36, Self-emp-not-inc,350103, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,166193, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Federal-gov,56236, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Male,1506,0,40, United-States +>50K,47, Private,156926, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,26698, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,75993, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,39, Private,312271, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,70282, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, Private,259109, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,18, United-States +>50K,45, Private,192360, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,33, Private,373432, Some-college,10, Separated, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,21, Local-gov,176998, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,32950, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,48520, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,80, United-States +<=50K,47, State-gov,237525, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,202746, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,179255, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,47, Self-emp-inc,337825, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,68, Self-emp-not-inc,191517, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,239130, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,2444,40, United-States +>50K,42, Private,233366, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,3103,0,40, Mexico +<=50K,36, ?,137492, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,66893, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1564,50, United-States +<=50K,61, Private,266646, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Black, Male,2290,0,40, United-States +<=50K,33, Private,238246, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, Germany +<=50K,23, Private,215616, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,148316, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,172402, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,195918, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,33016, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,267281, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Federal-gov,43608, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,21, Private,57827, HS-grad,9, Widowed, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,110145, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,162884, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,60, Columbia +<=50K,43, State-gov,145166, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,50, Private,193720, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,48, Private,310639, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,49, Private,196360, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,28, Private,370675, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1408,50, Hong +>50K,36, Private,398931, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,28, Local-gov,104329, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,61, Self-emp-inc,103575, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,25, State-gov,222800, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,176239, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,321274, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,192713, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, ? +<=50K,25, Private,407714, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, ?,247547, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Private,123219, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,165950, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,21, United-States +<=50K,28, Private,182509, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Private,27408, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +>50K,33, Private,110592, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, State-gov,175409, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,172822, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,15020,0,48, United-States +<=50K,21, Private,265361, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, State-gov,106491, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,179557, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,187919, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,45, United-States +>50K,45, Private,196707, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,216129, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,100480, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +>50K,57, Self-emp-not-inc,69905, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,15024,0,40, United-States +<=50K,38, Private,297767, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,214627, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +>50K,52, Private,251908, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,2547,40, United-States +<=50K,55, Self-emp-inc,304695, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,48121, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,125228, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,408012, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,57, Private,161642, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,181212, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,76482, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,295073, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,50, United-States +<=50K,45, ?,69596, 10th,6, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,262461, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,34, Local-gov,112680, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,35, Private,342642, Masters,14, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,211968, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Local-gov,153536, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,21, Private,188923, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,30, Private,391114, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,45599, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, ? +<=50K,37, Private,119929, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,47, United-States +<=50K,24, Private,130442, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Private,192602, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,328881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,37, Private,165034, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2002,40, United-States +<=50K,39, Private,93174, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +>50K,28, Local-gov,205903, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,24, Self-emp-inc,197496, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,226941, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,61, Private,199193, Assoc-acdm,12, Divorced, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,187870, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,364899, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,65, United-States +<=50K,28, Private,437994, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,60, United-States +<=50K,24, Private,166827, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,35, Private,207819, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,37939, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +>50K,39, Private,77146, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,35, ?,29075, 11th,7, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,6, United-States +<=50K,20, Private,167868, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,150132, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,365881, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +>50K,37, Private,105044, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,145636, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,161547, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Federal-gov,77218, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,241126, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +>50K,85, Self-emp-inc,155981, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,71, Self-emp-inc,45741, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,20051,0,30, United-States +<=50K,23, Private,256356, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,39, State-gov,105803, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +>50K,77, Self-emp-inc,29702, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,20, Private,107882, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,77572, Some-college,10, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,34, Private,209768, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,33, Private,89360, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,5178,0,55, United-States +<=50K,34, Self-emp-not-inc,227540, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,36, Private,292570, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,3325,0,40, United-States +<=50K,36, Private,409189, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,194901, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2057,70, United-States +<=50K,26, Local-gov,219796, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,43, United-States +<=50K,37, State-gov,117166, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +>50K,42, Private,228320, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5178,0,45, United-States +>50K,38, Private,236391, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,193451, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,223367, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,33001, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Private,173858, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,35, China +<=50K,33, Private,240441, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,160264, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,230403, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,61, Private,154536, 10th,6, Widowed, Craft-repair, Unmarried, Black, Female,0,2001,40, United-States +<=50K,44, Self-emp-not-inc,247024, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,65, Self-emp-inc,410199, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,35, United-States +<=50K,23, Private,191878, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,38, ? +<=50K,67, State-gov,54269, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,37, Private,205997, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,47343, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,35, Federal-gov,403489, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,232149, Bachelors,13, Divorced, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,50, ?,339547, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,50, ? +>50K,36, Private,186819, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,89991, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Private,112139, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,18, Private,244571, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,36, Private,220696, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Private,135102, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,24, Private,209417, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,60, United-States +<=50K,43, Private,199689, Bachelors,13, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,20, United-States +<=50K,27, Private,240172, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,94492, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,29, Private,188564, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,19, Private,264527, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,38, Private,189922, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,182044, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,271173, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,4650,0,40, United-States +<=50K,30, Private,203034, Assoc-voc,11, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,100734, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0,0,40, Greece +>50K,33, Private,169269, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, Puerto-Rico +<=50K,59, Private,24244, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,132222, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,199118, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,34, Private,223212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Peru +<=50K,27, Private,284859, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,112854, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,41, Federal-gov,92968, Masters,14, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,181553, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,25, Private,266668, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +>50K,33, Private,29144, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,26, Self-emp-not-inc,389856, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,42, Private,111589, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,232938, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,45, Private,103540, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,59, Private,249814, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,37, United-States +>50K,26, Private,30776, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,184779, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Self-emp-not-inc,93449, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,32, Local-gov,178107, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,198956, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Other, Male,0,0,35, United-States +<=50K,53, Private,130143, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, Private,171807, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,436431, Preschool,1, Married-civ-spouse, ?, Other-relative, White, Female,0,0,40, Mexico +<=50K,17, Private,162205, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,15, United-States +>50K,48, Private,97470, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,158603, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,7, United-States +>50K,58, Private,348430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,109385, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, United-States +<=50K,45, Private,188998, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,41, Private,210591, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,37170, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +>50K,34, Private,169583, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,180624, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,186311, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,106471, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,37302, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,91608, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,263896, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,335376, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,38, Private,186531, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, State-gov,42706, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,29, Private,180115, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,42, Private,191196, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,209109, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,199224, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,65, State-gov,42488, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,2653,0,8, United-States +<=50K,19, Self-emp-not-inc,63574, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,227943, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,297551, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,46, Private,343579, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,77, United-States +<=50K,34, Private,230246, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,2202,0,99, United-States +<=50K,57, Self-emp-not-inc,110199, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,178691, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,36, Self-emp-not-inc,165855, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Germany +>50K,34, Private,27565, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0,0,27, United-States +<=50K,54, Private,220115, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,40, United-States +<=50K,34, Private,113751, 11th,7, Divorced, Sales, Own-child, Black, Female,0,0,37, United-States +<=50K,72, Private,128793, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, United-States +<=50K,23, Private,97472, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Private,153064, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,10, Yugoslavia +>50K,57, Private,190488, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,326283, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,40, Private,61287, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,214288, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,198856, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,51, Federal-gov,914061, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,24, Private,186648, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,49, Private,350759, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,76, ?,197988, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,37, Private,188571, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,112776, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,21, Private,100345, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,53, United-States +<=50K,49, Private,291783, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,156387, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,38, ?,295166, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,132849, Masters,14, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,300497, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Male,0,0,40, United-States +<=50K,54, Private,338089, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,104257, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,112247, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Federal-gov,73070, Masters,14, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,48, Self-emp-inc,49298, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,51, Local-gov,289390, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,36, Private,219546, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,194490, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,358655, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,286026, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,55, Private,401473, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,197967, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,46, Local-gov,216647, 10th,6, Divorced, Protective-serv, Unmarried, White, Female,0,0,20, United-States +<=50K,70, Self-emp-not-inc,355536, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,20, Private,193130, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,46, Self-emp-inc,67725, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,35, Private,209629, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,143964, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,57, Self-emp-inc,249072, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +>50K,64, ?,285742, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,130221, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Federal-gov,201815, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,30, United-States +>50K,43, Local-gov,67243, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,202263, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,21, Private,122048, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,29, United-States +<=50K,23, Private,231866, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,38, United-States +<=50K,35, Private,211440, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,25955, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,61, ?,274499, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,305474, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Haiti +<=50K,73, Local-gov,222702, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,5, United-States +<=50K,33, State-gov,120460, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,31657, Assoc-voc,11, Separated, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,19, Private,327079, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,234633, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,47, United-States +>50K,27, Private,203776, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +<=50K,24, Self-emp-inc,242138, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,276937, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,117528, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,41, Self-emp-not-inc,171351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,138471, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Local-gov,329341, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,57, Private,62539, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1876,38, United-States +<=50K,58, Private,265579, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,218215, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,39, Federal-gov,116369, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,403107, Preschool,1, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Mexico +>50K,29, State-gov,103389, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,4787,0,40, United-States +<=50K,26, State-gov,624006, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,344094, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,147377, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,90579, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,5013,0,50, United-States +>50K,47, Private,91972, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,35, United-States +>50K,59, Self-emp-not-inc,275236, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,340432, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,158592, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +<=50K,48, Private,278303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,33, Self-emp-not-inc,300681, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, ? +<=50K,37, Private,160192, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,6849,0,80, United-States +<=50K,29, Private,148429, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,210474, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,510072, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Self-emp-not-inc,328906, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,4865,0,35, United-States +<=50K,26, Private,247196, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,54, Private,178839, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, England +<=50K,60, Private,178764, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,38, Private,218490, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,44047, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,125268, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Local-gov,76845, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, ? +<=50K,37, Local-gov,484475, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Male,0,0,60, United-States +<=50K,22, Private,114357, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,33, Private,219619, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, ?,33016, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,47, Local-gov,319205, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,54, ?,389182, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,60, Germany +<=50K,34, Private,262118, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,141340, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,189703, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,41, ?,307589, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,5, Philippines +<=50K,29, Private,116531, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,142621, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,327573, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,24896, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,36, Private,69251, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, Private,91716, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,93717, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,38, Self-emp-not-inc,111499, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,41, ?,193537, Assoc-acdm,12, Divorced, ?, Unmarried, White, Female,0,0,10, Dominican-Republic +<=50K,24, Private,307267, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,249196, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,64, ?,201700, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,188644, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, Mexico +<=50K,32, Private,255004, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,100145, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,18, Private,183274, 11th,7, Never-married, Other-service, Own-child, White, Female,594,0,30, United-States +<=50K,45, Self-emp-not-inc,44671, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,354351, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,346189, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,304864, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,68, Self-emp-inc,505365, Bachelors,13, Separated, Sales, Unmarried, White, Male,0,0,70, Canada +<=50K,18, State-gov,268520, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, State-gov,210295, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,103339, 10th,6, Never-married, Sales, Own-child, White, Female,0,1719,16, United-States +<=50K,33, Private,145437, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,48, Private,56071, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,233729, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,50, United-States +<=50K,41, Private,265932, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,74, Private,154347, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,10, United-States +<=50K,40, Private,277507, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,1669,40, United-States +>50K,53, Federal-gov,172898, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,47, Private,182655, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,52, United-States +<=50K,20, ?,175431, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,181460, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,37, United-States +<=50K,38, Private,149771, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,44, Private,45363, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,44, United-States +<=50K,48, Private,180010, Some-college,10, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,36, ?,103886, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,20, Private,233198, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,124974, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,61, ?,29059, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,34, Private,136331, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,106900, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,314464, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,51, State-gov,152810, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,50, State-gov,76728, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,42, Private,55854, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,36801, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,51, ?,243631, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,2105,0,20, South +<=50K,46, Local-gov,155654, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,173987, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,115725, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,21, Private,154556, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, ? +>50K,33, Self-emp-not-inc,234976, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,122913, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,187411, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,193285, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, ?,96219, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,20, Private,117767, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-inc,81534, HS-grad,9, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,22, Private,202125, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,225660, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, State-gov,203279, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,40, Self-emp-not-inc,151960, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,38, United-States +>50K,48, Private,368561, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,37, United-States +<=50K,30, Private,202046, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +>50K,61, Private,197286, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,285570, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,380899, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,325217, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,26, Private,111058, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,27, State-gov,162312, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,50, South +<=50K,41, Self-emp-inc,136986, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Federal-gov,97654, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,229116, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +>50K,43, Private,159549, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,29, Private,195760, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,44, Self-emp-inc,277788, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Portugal +<=50K,37, State-gov,120201, Some-college,10, Divorced, Adm-clerical, Own-child, Other, Female,0,0,40, United-States +<=50K,24, Private,236601, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,2339,43, United-States +<=50K,65, ?,94809, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,219757, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,35, Local-gov,160728, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,308945, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +>50K,47, Self-emp-not-inc,185859, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103,0,60, United-States +<=50K,47, ?,163748, Masters,14, Divorced, ?, Unmarried, White, Female,0,0,35, ? +>50K,51, State-gov,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,52, United-States +<=50K,38, Federal-gov,77792, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,56, United-States +<=50K,44, Private,114753, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,38, United-States +<=50K,24, Private,234259, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,152617, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,204567, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,60, Self-emp-not-inc,145209, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,40, Private,240698, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,72, ?,195181, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,27, Private,299536, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,55, United-States +>50K,36, Private,238802, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,44, Private,150519, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,237903, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,257940, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, Private,383670, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,44, Private,179666, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,259727, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,52, Federal-gov,277772, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,67198, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,41, Private,22419, 9th,5, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,42, Private,99373, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Federal-gov,147629, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,35, United-States +<=50K,31, Self-emp-not-inc,145714, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,49358, 12th,8, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,214956, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +<=50K,29, Private,66172, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Local-gov,136749, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,27, ?,258231, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,35, ? +<=50K,19, Private,43937, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,33, Self-emp-not-inc,114639, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,104090, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Scotland +<=50K,21, Private,137510, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, Germany +<=50K,23, Private,123586, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Male,0,0,25, United-States +>50K,45, Private,293628, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Philippines +>50K,37, Federal-gov,239409, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,593246, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,36, Private,30269, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,7298,0,32, United-States +<=50K,31, Private,48456, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,153894, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,24, Puerto-Rico +<=50K,24, Private,182117, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,28, United-States +>50K,29, Private,231148, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, Private,184176, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-not-inc,29702, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,85, United-States +>50K,40, Private,276759, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,36, Private,179731, HS-grad,9, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,20, ? +<=50K,64, Private,234570, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,143485, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,143062, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,146516, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,48, United-States +<=50K,19, ?,180395, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,36, United-States +>50K,32, Private,108256, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,211392, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,26, Federal-gov,271243, 12th,8, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,25, Local-gov,197822, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,40, Self-emp-not-inc,167678, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Dominican-Republic +>50K,30, Private,30101, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,232220, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, ?,212588, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,53, United-States +<=50K,35, Private,306156, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,70985, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,58, Private,185459, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,91141, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,42, Private,347653, Bachelors,13, Divorced, Other-service, Unmarried, White, Male,0,0,60, United-States +<=50K,31, Private,189759, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,272792, Bachelors,13, Divorced, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,27, ?,95708, 11th,7, Divorced, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,71, ?,111712, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,32, Private,132767, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,162245, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,78, Self-emp-not-inc,152148, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,54, ?,186565, Masters,14, Divorced, ?, Not-in-family, White, Male,0,0,1, United-States +<=50K,22, Private,193385, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,31, Private,185778, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,162370, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,0,0,35, Iran +<=50K,38, Private,340763, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,2339,47, United-States +<=50K,77, Private,148949, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,3818,0,30, United-States +>50K,62, Self-emp-not-inc,147393, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,187203, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,147206, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,65, Private,228182, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,177426, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,32, ?,161288, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,133530, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,45, Private,117849, 11th,7, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,70, Private,132670, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,9386,0,4, United-States +>50K,38, Self-emp-inc,98360, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,226500, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,35644, Assoc-voc,11, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,34, Private,49325, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,19, Private,142738, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,14084,0,20, United-States +<=50K,54, Self-emp-not-inc,207841, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +>50K,32, Private,269355, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,50, United-States +>50K,32, Self-emp-inc,190290, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,209034, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,174571, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,198583, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,35, United-States +<=50K,28, Private,128055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,319271, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,91857, HS-grad,9, Divorced, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,376416, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,323829, HS-grad,9, Divorced, Protective-serv, Other-relative, White, Male,0,0,45, United-States +<=50K,22, Private,209646, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,6, United-States +<=50K,28, State-gov,90872, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,287454, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,208946, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,37, Local-gov,130805, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,99, United-States +<=50K,23, Private,247090, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,55, United-States +<=50K,21, Private,249150, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,57, Private,187138, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,166497, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,50, Private,155433, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,45, State-gov,164593, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +<=50K,37, Private,211168, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, United-States +<=50K,24, Self-emp-not-inc,162688, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Local-gov,185072, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,50, Private,154153, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,166258, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,190650, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,60, State-gov,165792, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,61, Private,313170, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,188279, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +<=50K,27, Self-emp-not-inc,209301, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,194820, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,42, United-States +>50K,36, Private,171393, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,268282, 7th-8th,4, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,23, Private,219519, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,30, United-States +>50K,44, State-gov,369131, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,195571, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,57, Private,114686, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,2202,0,44, United-States +<=50K,24, Private,356861, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,156848, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,66, Private,147766, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Local-gov,134768, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,156882, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,21, Private,131404, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +>50K,32, Self-emp-inc,233727, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,60, United-States +<=50K,21, ?,216867, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, Mexico +<=50K,48, Private,168556, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,63, Private,60459, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +>50K,42, Private,212894, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,23, United-States +<=50K,17, Private,41865, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,5, United-States +<=50K,30, Private,175413, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,35, United-States +<=50K,33, Private,149902, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,180497, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,52, United-States +>50K,39, Self-emp-not-inc,107302, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,35, United-States +<=50K,33, Private,93283, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,264351, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,59, State-gov,136819, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,8, United-States +<=50K,32, Self-emp-not-inc,295010, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Private,291904, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, Black, Female,0,0,20, United-States +<=50K,21, Self-emp-inc,225442, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,57, State-gov,170108, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,19, Private,193859, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,2176,0,35, Germany +>50K,38, Local-gov,326701, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,38, State-gov,196373, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,20, Private,258730, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,190293, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Local-gov,170263, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,300275, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,255254, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,37, United-States +<=50K,51, Private,166461, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,5455,0,40, United-States +<=50K,27, Private,96219, HS-grad,9, Divorced, Other-service, Own-child, White, Female,3418,0,32, United-States +<=50K,38, Self-emp-inc,186845, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,99697, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,143069, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,53, Private,117674, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,261504, HS-grad,9, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0,0,40, Dominican-Republic +<=50K,37, Private,29660, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,202560, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,178713, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Private,100734, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,112009, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,69, Private,144056, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,70209, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,143816, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,30, United-States +<=50K,23, ?,164732, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,10, United-States +<=50K,30, State-gov,714597, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,45, United-States +>50K,71, Private,187703, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,11678,0,38, United-States +<=50K,53, Private,418901, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,22, Private,169188, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,70554, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,31801, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +<=50K,25, Self-emp-not-inc,195000, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,215392, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,45, United-States +<=50K,33, Private,97723, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,121012, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,218956, 12th,8, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,171003, 7th-8th,4, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Self-emp-inc,154782, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,27, ?,132372, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,40, ? +<=50K,18, ?,151404, 11th,7, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,816750, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +<=50K,67, Private,92943, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,21, United-States +<=50K,47, ?,104489, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,55, Self-emp-not-inc,218456, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, Hungary +<=50K,39, Private,301614, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,307134, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,37, State-gov,106347, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +>50K,36, Private,127961, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Self-emp-inc,206297, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,171156, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,104729, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, Mexico +>50K,47, Private,85109, Some-college,10, Never-married, Sales, Not-in-family, White, Male,13550,0,45, United-States +<=50K,25, Private,199143, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,110371, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,250782, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,281574, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,6849,0,43, United-States +<=50K,28, Private,147889, 10th,6, Married-AF-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,298753, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,55, Private,248841, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-inc,274948, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,41763, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,27, ?,176683, Some-college,10, Never-married, ?, Own-child, White, Male,0,1719,40, United-States +>50K,37, Private,385251, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,145964, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,33460, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, State-gov,121586, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,112008, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Germany +<=50K,24, Private,163053, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, ?,34446, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,33, Self-emp-not-inc,147201, Bachelors,13, Separated, Prof-specialty, Own-child, Black, Male,0,0,35, United-States +<=50K,60, Private,491214, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,36, Private,102729, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,37, ?,70282, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,48, Self-emp-inc,216214, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,43, Private,212206, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,53, Local-gov,235567, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,356410, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,26, Private,223558, HS-grad,9, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,63, Federal-gov,160473, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,150999, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,41, Private,230961, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,169114, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Male,0,1429,40, United-States +>50K,39, Private,301070, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,163687, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,180419, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,114828, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,4, United-States +>50K,44, Private,208606, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,165977, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,110408, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,266047, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,176124, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,144063, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,75, United-States +<=50K,29, Self-emp-inc,446724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,59, Private,357118, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,102388, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,27, Private,191515, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,94413, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,3325,0,40, United-States +>50K,42, Federal-gov,32627, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,37, Private,218249, 11th,7, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,308798, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,199005, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,29, State-gov,108432, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,149218, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,552529, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +>50K,43, Private,222596, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Poland +<=50K,31, Private,168961, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, Private,206951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,386236, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, Mexico +<=50K,20, Private,196388, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,32, Private,162675, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, Cuba +<=50K,38, Private,187847, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,186934, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,75, ?,27663, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,180271, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,35, Private,215503, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, Canada +>50K,40, Private,110862, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,197905, Some-college,10, Widowed, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,25, Private,355124, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,2001,40, Mexico +<=50K,29, Self-emp-not-inc,109621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,194995, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,137136, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,55, United-States +<=50K,47, Private,67229, 11th,7, Divorced, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,197033, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,187746, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,3325,0,25, United-States +>50K,40, Private,98211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,54298, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,48, Self-emp-not-inc,49275, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1485,50, United-States +<=50K,22, Private,237386, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,67243, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,168191, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,2, Italy +<=50K,25, Private,132327, Some-college,10, Separated, Adm-clerical, Other-relative, Other, Female,0,0,40, Ecuador +<=50K,17, Private,175109, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,61, State-gov,224638, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,128487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,30, Private,179747, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,195416, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,44, United-States +<=50K,37, Private,176949, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,114691, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,27, State-gov,122540, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Private,93461, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,30, United-States +>50K,45, Private,54098, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,333838, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,174789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,70, Private,227515, 10th,6, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, Greece +>50K,45, Federal-gov,391585, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,50, United-States +<=50K,23, Private,83315, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,10, United-States +<=50K,22, Private,213310, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,127303, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,255476, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,35, Mexico +>50K,40, Private,320451, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,33, Private,454717, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,374474, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,19, Private,78401, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,168887, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,55, Private,254711, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,196678, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,53, Private,217201, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, United-States +<=50K,24, Private,160398, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,288829, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,42, United-States +<=50K,20, Private,185706, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,201615, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Female,0,0,37, United-States +<=50K,48, Private,157092, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,130561, 11th,7, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +<=50K,33, Private,202450, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,303942, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Local-gov,339346, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,60, United-States +<=50K,21, ?,234838, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,42, Private,38389, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,147548, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,62, Self-emp-not-inc,116626, Doctorate,16, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Local-gov,110110, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,65, United-States +>50K,44, Private,230478, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,398220, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,38, Self-emp-not-inc,187346, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,59, Self-emp-not-inc,175827, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,211494, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1980,55, United-States +>50K,59, Private,105745, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,237428, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1504,40, United-States +>50K,40, Private,200766, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,22, State-gov,24896, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +>50K,35, Private,107164, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,202083, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Canada +<=50K,45, State-gov,53768, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,48, Private,159577, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, ?,209674, 7th-8th,4, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,21, Private,309348, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,31, Private,206046, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,65, Self-emp-not-inc,227531, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Self-emp-not-inc,135339, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,45, India +<=50K,18, Private,155503, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,65, Self-emp-not-inc,176835, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,7978,0,40, United-States +<=50K,18, Private,163067, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,212607, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,44, Puerto-Rico +>50K,53, Self-emp-inc,162381, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,34, Private,195890, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,33, Federal-gov,49358, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,136077, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,43, Private,119297, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,48947, Assoc-voc,11, Widowed, Other-service, Unmarried, White, Female,0,0,13, United-States +<=50K,49, Self-emp-not-inc,32825, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,21, State-gov,82847, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,61, Private,119684, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,264143, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,24, United-States +<=50K,45, Private,30690, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,10, United-States +<=50K,24, Private,113631, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,366889, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,393962, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,48, Private,165484, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,40, Federal-gov,90737, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +>50K,34, Private,379798, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,190911, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,72887, 11th,7, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,65, Private,192309, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,58, Self-emp-not-inc,98361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,121253, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,0,0,29, United-States +>50K,56, State-gov,270859, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,48, United-States +<=50K,26, Self-emp-not-inc,223705, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, Columbia +>50K,45, Private,125892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,37, Self-emp-not-inc,202683, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,58, ?,99131, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,7298,0,40, United-States +<=50K,56, Private,197577, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Without-pay,43627, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,37, Private,175185, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,377405, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,47541, Masters,14, Never-married, Transport-moving, Not-in-family, White, Male,0,0,25, United-States +>50K,36, Private,218729, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,26, Local-gov,197430, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Private,259010, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +<=50K,49, Private,121124, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,334593, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,374764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,59, Private,192845, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,144524, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-inc,136402, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,255847, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,177955, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,24, El-Salvador +>50K,35, Private,151835, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,18, Private,65098, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,27, Self-emp-not-inc,328119, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Mexico +>50K,55, Private,125147, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,52, Private,62834, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,51, State-gov,230095, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,41, Federal-gov,348059, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,425622, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,25, Local-gov,336320, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,225809, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Private,216073, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,27, Private,267912, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,52, Mexico +>50K,28, Private,108706, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,43, Private,575172, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,32, United-States +<=50K,18, Private,311489, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,26, United-States +>50K,46, Private,189123, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,95998, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,50, Self-emp-inc,177487, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,30, Private,213002, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,14, United-States +<=50K,55, Private,272723, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,58, Private,84231, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,475322, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,1617,35, United-States +<=50K,25, Private,120268, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,1741,40, United-States +<=50K,22, ?,60331, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,59, Private,172618, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,56, United-States +<=50K,36, State-gov,173273, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,52921, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,210364, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,87310, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,2174,0,40, United-States +>50K,51, Private,332489, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Germany +<=50K,31, Private,100333, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, Private,216867, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, ?,177974, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,292110, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,39, Federal-gov,219137, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,159589, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,40, United-States +<=50K,38, Private,186815, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,21, Private,22149, HS-grad,9, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,22, Private,228724, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, State-gov,187392, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,105930, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,53, State-gov,182907, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,322025, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,5, United-States +<=50K,21, Private,263886, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,34, Local-gov,362775, 10th,6, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,30, United-States +>50K,53, Private,96062, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, ?,191665, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,2205,40, United-States +<=50K,32, Self-emp-not-inc,159322, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,1980,80, United-States +<=50K,33, Local-gov,163867, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +>50K,34, Self-emp-not-inc,136204, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,32, United-States +<=50K,61, Private,160431, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,163324, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,32, ?,161309, Prof-school,15, Married-civ-spouse, ?, Wife, White, Female,15024,0,50, United-States +<=50K,26, Private,208881, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,37, Self-emp-not-inc,183127, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,192225, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,222081, Bachelors,13, Never-married, Prof-specialty, Other-relative, Black, Female,0,0,35, United-States +<=50K,28, Private,183627, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,187921, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,25497, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,4101,0,40, United-States +>50K,45, Private,353824, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,30, Private,250804, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,385583, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,84788, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,127704, 7th-8th,4, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, ?,99208, Preschool,1, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,45, Private,347993, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, Mexico +<=50K,48, Private,175958, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,36, Self-emp-not-inc,278553, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,15024,0,75, United-States +<=50K,49, Private,186009, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,43, United-States +<=50K,31, Private,55104, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,65, Local-gov,179411, HS-grad,9, Widowed, Tech-support, Unmarried, White, Female,0,0,35, United-States +<=50K,56, Private,68452, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Local-gov,202027, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,113401, 10th,6, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,186934, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,190020, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,198493, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,256448, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,30, Private,622192, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,6, United-States +<=50K,77, Private,133728, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,181824, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,17, Private,286422, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,59, Private,378585, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,44, Private,121012, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,45, United-States +<=50K,33, Private,164864, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,323,40, United-States +<=50K,17, Private,74706, 11th,7, Never-married, Priv-house-serv, Own-child, White, Male,0,0,20, United-States +>50K,22, Private,185582, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,43, Private,132633, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, ? +>50K,42, Federal-gov,230438, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,175540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,115304, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,340269, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,45, United-States +<=50K,33, Private,171889, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,52, Private,94873, HS-grad,9, Widowed, Other-service, Unmarried, White, Male,0,0,19, United-States +<=50K,34, ?,144194, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,141131, 12th,8, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +<=50K,25, Private,192735, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,33, Self-emp-not-inc,238186, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,98, United-States +<=50K,23, Private,305609, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,52, United-States +<=50K,29, Private,312845, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,33884, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,264874, Assoc-voc,11, Never-married, ?, Other-relative, White, Female,0,0,40, ? +<=50K,31, State-gov,268832, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,42, Private,99651, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,257597, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +<=50K,54, Self-emp-inc,195904, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,266497, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,63, Private,287972, Bachelors,13, Widowed, Other-service, Other-relative, Black, Female,0,0,20, United-States +<=50K,46, Private,200569, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,62, Local-gov,117292, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,45, United-States +<=50K,64, ?,223075, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,54, Private,175339, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Self-emp-inc,333197, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,2205,45, United-States +<=50K,61, Private,53707, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,73, Private,39212, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,52, Private,228500, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,234663, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +<=50K,52, ?,88073, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,420040, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,126517, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,20, United-States +<=50K,31, Private,238002, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, Mexico +<=50K,53, State-gov,21412, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,147804, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,222445, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,36, Private,126675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,301080, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,382532, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,33, Private,232356, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,167350, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,50, United-States +<=50K,28, ?,375703, HS-grad,9, Divorced, ?, Other-relative, Black, Female,0,1721,40, United-States +<=50K,33, Private,252708, 12th,8, Never-married, Sales, Other-relative, White, Female,0,0,40, Mexico +<=50K,33, Private,186824, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,176101, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,175121, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,355850, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,1602,15, United-States +<=50K,45, Private,180931, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,45, State-gov,30219, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,350387, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, India +<=50K,24, Private,194247, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,137653, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,131762, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,31, Self-emp-not-inc,283587, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,33, Self-emp-inc,218164, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,55, United-States +>50K,41, Private,287581, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,41, Private,281725, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,63, Private,50120, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1573,25, United-States +<=50K,39, Private,156667, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,18, United-States +<=50K,28, Private,566066, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,45, United-States +>50K,42, Private,121352, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, ? +<=50K,18, Private,260977, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,90860, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,42, Private,218302, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,170142, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,33, Local-gov,171889, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,43, United-States +<=50K,34, Private,193172, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,18, Private,164134, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,66, Private,204283, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,51, ?,81169, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,38, United-States +>50K,39, Private,92143, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,55, United-States +<=50K,35, Private,181099, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,102791, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,46, Local-gov,364548, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,42, United-States +<=50K,21, Self-emp-inc,153516, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,189528, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,84, United-States +<=50K,66, Local-gov,154171, Some-college,10, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,20, United-States +<=50K,25, Private,90752, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,278763, Assoc-voc,11, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,47, United-States +<=50K,28, Private,253581, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,59660, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Self-emp-not-inc,170988, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,18, ?,160984, 11th,7, Never-married, ?, Own-child, White, Female,0,0,6, United-States +<=50K,24, Private,493732, 1st-4th,2, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, Mexico +<=50K,36, Private,325802, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,196344, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Guatemala +>50K,32, State-gov,316589, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,365739, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,309990, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,241852, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,184105, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,134680, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,274545, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,36, Private,207853, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,65, United-States +<=50K,25, Private,284061, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,62, Private,186446, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,43, United-States +<=50K,22, Private,255575, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,52, Federal-gov,302661, Assoc-acdm,12, Widowed, Exec-managerial, Unmarried, White, Male,13550,0,40, United-States +<=50K,52, Private,148509, 10th,6, Married-spouse-absent, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0,0,45, ? +>50K,48, Private,211239, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,70, Private,50468, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,3175,15, United-States +>50K,41, Private,316820, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,21, Private,145964, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,60, United-States +<=50K,39, Private,185084, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,183111, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,28, Private,63042, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,31, Private,339738, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, Black, Male,0,0,40, United-States +<=50K,23, Private,273049, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,54, State-gov,239256, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,110102, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,1668,77, United-States +<=50K,29, State-gov,165764, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, United-States +<=50K,22, Private,152744, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,10, United-States +>50K,57, Local-gov,212303, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,118544, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,39, Private,269548, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,70, Mexico +>50K,25, State-gov,319303, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,2472,40, United-States +<=50K,74, Without-pay,216001, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,45, Private,205816, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,427437, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Private,198259, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,54314, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,32, Private,195744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Local-gov,294547, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,48, United-States +<=50K,50, Private,77521, 11th,7, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,288158, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,125010, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +>50K,32, Private,80945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Nicaragua +<=50K,21, Private,33016, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +>50K,42, Private,388725, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Local-gov,347136, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,53, Self-emp-inc,158294, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999,0,75, United-States +<=50K,34, Private,362787, 10th,6, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,29, Private,39388, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,322691, Masters,14, Widowed, Exec-managerial, Own-child, White, Male,0,0,62, United-States +<=50K,29, Private,31659, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,2202,0,45, United-States +<=50K,70, Private,176940, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,26, Local-gov,189027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,98719, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,58, Private,172238, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,23, ?,170456, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,5, United-States +<=50K,27, Private,129009, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,17, Private,247580, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,18, United-States +<=50K,29, Private,204516, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +<=50K,26, Private,192652, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +>50K,31, Private,336543, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,29, ?,143938, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, Private,272591, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Local-gov,312372, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,28, Local-gov,172270, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,342414, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,24, United-States +<=50K,58, Private,123886, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,23, Private,398130, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,96, United-States +<=50K,34, Private,142989, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,331539, HS-grad,9, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,40, United-States +<=50K,19, Private,225156, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,311863, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Local-gov,170682, 11th,7, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,32, United-States +<=50K,21, Private,96178, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,37932, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,49, Private,198126, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,344275, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, ? +<=50K,37, Private,112497, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,178487, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,1669,40, United-States +<=50K,44, Private,55395, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,131239, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,104772, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908,0,40, United-States +<=50K,53, Private,427320, Bachelors,13, Divorced, Other-service, Not-in-family, Black, Male,3325,0,40, United-States +<=50K,34, ?,73296, 11th,7, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,216853, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,40, Private,259757, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,200734, HS-grad,9, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,50, Nicaragua +<=50K,19, ?,87515, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,44, Germany +<=50K,18, Private,161245, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,32, Private,262024, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,38, United-States +<=50K,21, Private,287681, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,27, Private,303601, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,365410, Some-college,10, Separated, ?, Other-relative, White, Female,0,0,99, United-States +<=50K,29, Self-emp-not-inc,394356, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,263150, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +>50K,45, State-gov,86618, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,120277, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,45, United-States +<=50K,63, Federal-gov,90393, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,26, Self-emp-inc,79078, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, State-gov,197344, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,120998, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +>50K,36, Private,37522, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,44, Private,96321, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,217302, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,69, Private,137109, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,40, Private,227823, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, White, Female,0,0,70, United-States +<=50K,37, Private,22149, HS-grad,9, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,18, United-States +>50K,39, Private,176900, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,57, Private,154368, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,183445, HS-grad,9, Separated, Priv-house-serv, Own-child, White, Female,0,0,40, Guatemala +<=50K,23, Private,193537, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,20, Private,313873, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,46, Private,34186, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,271807, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,16, United-States +<=50K,67, ?,46449, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,31, Private,128065, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,176486, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,191072, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,34452, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, State-gov,123253, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,113461, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,116267, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,15, Columbia +<=50K,32, Private,30433, Bachelors,13, Never-married, Tech-support, Other-relative, White, Female,0,0,72, United-States +<=50K,25, Private,198512, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,131826, Prof-school,15, Widowed, Prof-specialty, Unmarried, White, Male,99999,0,50, United-States +<=50K,35, Private,129764, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,32, Private,49398, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,17, Local-gov,292285, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +>50K,61, Federal-gov,91726, Masters,14, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,178282, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Private,227458, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,51, United-States +<=50K,32, Private,183470, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,42, United-States +<=50K,41, Private,275446, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Private,328013, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,65, United-States +<=50K,19, Private,382688, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +<=50K,18, Private,122988, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,25, Private,175537, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,256278, HS-grad,9, Never-married, Other-service, Other-relative, Other, Female,0,0,35, El-Salvador +>50K,34, Private,161153, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,48189, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,36, Private,186531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,96866, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,35, Private,117555, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,98549, HS-grad,9, Never-married, ?, Own-child, White, Female,0,1602,35, United-States +<=50K,39, Private,101782, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,234753, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,34, United-States +>50K,59, Private,59469, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,614113, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,47, Private,203505, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Female,0,0,23, United-States +<=50K,27, Private,128365, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,56, Private,36990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,52, United-States +<=50K,18, Private,303240, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,76, ?,217043, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +>50K,56, Private,176079, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,24, United-States +>50K,40, Self-emp-inc,266047, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +>50K,39, Self-emp-inc,285890, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, Haiti +<=50K,24, Private,70261, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,214236, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,143385, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,150507, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,292264, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,110861, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,225064, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,154120, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Trinadad&Tobago +<=50K,17, Private,34465, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,29, Private,89598, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2057,35, United-States +<=50K,54, Private,183668, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,189382, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,1504,40, United-States +>50K,67, ?,165103, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2174,50, United-States +<=50K,48, Private,44216, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,17, Private,150471, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,41, Private,32627, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,153109, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,29, Private,352451, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,176716, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,46, Federal-gov,171850, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,42, Private,260496, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,36, Private,154410, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,31, Self-emp-not-inc,23500, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +>50K,60, Private,178312, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,1902,70, United-States +>50K,50, Private,62593, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,30, Private,123291, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,313817, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,57, State-gov,229270, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,1579,37, United-States +<=50K,43, Private,212027, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,38, United-States +<=50K,58, Private,259532, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,26, Local-gov,213258, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,316337, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,38, Private,179123, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,191765, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Scotland +>50K,59, Self-emp-inc,188877, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,55395, Some-college,10, Married-spouse-absent, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,161051, Some-college,10, Never-married, Tech-support, Own-child, Black, Female,0,0,4, United-States +<=50K,30, Private,241844, HS-grad,9, Separated, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,232142, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,80, United-States +>50K,43, Private,311534, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,68, Self-emp-not-inc,128986, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,18, Private,67019, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,208826, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +>50K,43, Private,256813, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,44, Private,160919, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,107584, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,59, Self-emp-inc,159472, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,408318, 7th-8th,4, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,25, Mexico +>50K,61, Private,194956, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, State-gov,21764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,37, Private,277347, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,104455, Some-college,10, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0,0,90, United-States +<=50K,30, Private,117584, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,20, United-States +<=50K,38, Private,131288, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,99014, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,141003, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,344014, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,1741,40, United-States +<=50K,45, Private,175600, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Local-gov,240504, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,1902,50, United-States +<=50K,20, Private,174436, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,29, Private,194869, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Private,164901, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +<=50K,62, Private,72886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,130126, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-inc,196514, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,103651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,261419, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,61, Private,206339, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,445365, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,227466, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,49, Private,96854, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,163595, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, State-gov,181096, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,20, United-States +<=50K,24, Private,95984, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,37, Private,472517, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,4, United-States +>50K,46, Local-gov,60751, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,107302, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,41, Private,106501, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,23, Private,32732, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,174789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,39, Private,301628, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,27436, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,93977, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,139127, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,258231, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Self-emp-not-inc,136309, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,266433, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,140363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,58, Private,179715, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +>50K,55, Private,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Private,35520, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +>50K,46, Private,101320, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,42, United-States +>50K,40, Private,210857, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,40, Self-emp-not-inc,60949, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Local-gov,139095, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,233493, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1579,40, United-States +<=50K,36, Private,176249, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +<=50K,29, Private,187746, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,49593, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,240160, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,63, Private,76286, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, India +<=50K,23, Private,65225, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,225330, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,101562, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,52, Self-emp-not-inc,27539, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,72, United-States +<=50K,60, Local-gov,227311, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, ?,51260, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,256609, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,35, Local-gov,123939, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Federal-gov,203182, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,40, United-States +<=50K,38, Private,111128, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,112451, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,44, ?,177461, Some-college,10, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,24, Private,332155, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,42, Local-gov,178983, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,37, United-States +<=50K,54, Private,199392, 5th-6th,3, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, Nicaragua +<=50K,19, Private,311015, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,126038, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,402124, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,198660, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, ?,228457, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,223267, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,78, United-States +<=50K,22, Self-emp-not-inc,249046, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,45, Self-emp-not-inc,127948, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,154785, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, China +<=50K,28, Private,248404, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,137978, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,133250, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,402771, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,23, United-States +<=50K,47, ?,97075, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,116234, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +<=50K,25, Local-gov,262818, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, Guatemala +<=50K,47, Private,138342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,50, Private,123374, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,202373, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,20, United-States +<=50K,54, Self-emp-not-inc,180522, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,24, Local-gov,140647, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,50, Private,136898, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,55, ? +<=50K,29, Private,140927, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,114055, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,3325,0,40, United-States +<=50K,46, Private,114222, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,51089, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,46, Private,37353, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,379672, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,64, Private,130727, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,2174,0,37, United-States +>50K,51, Private,172046, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,228764, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,376393, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,53, Private,185283, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,195789, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,50, Private,243115, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,74, Private,147558, Some-college,10, Divorced, Sales, Not-in-family, White, Female,7262,0,30, United-States +<=50K,22, State-gov,62865, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,25, Self-emp-not-inc,275197, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,124015, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,282951, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,105253, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,31, Private,119164, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, ? +<=50K,35, Self-emp-not-inc,263081, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,84, United-States +<=50K,54, Private,96062, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,44942, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,48, United-States +<=50K,37, Federal-gov,127879, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,109633, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,109404, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,56, Private,126677, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +>50K,52, Private,101113, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,66, United-States +<=50K,40, Private,117523, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Columbia +>50K,29, Private,183523, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,46, Self-emp-not-inc,311231, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,459556, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, United-States +<=50K,37, Private,95551, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,126675, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,32, Private,200246, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,108435, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Italy +<=50K,18, Private,141332, 11th,7, Never-married, Sales, Own-child, Black, Male,0,0,8, United-States +<=50K,48, Private,117310, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,26, Private,182380, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,64, ?,226878, Masters,14, Married-civ-spouse, ?, Wife, Black, Female,9386,0,50, Jamaica +<=50K,49, Private,123807, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,109539, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Local-gov,38455, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +<=50K,56, Private,294209, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,33, Private,130215, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,35, ? +<=50K,29, Private,285294, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,168221, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,55, Private,288907, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,4787,0,40, United-States +<=50K,26, Private,391349, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,32, Private,170276, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,46, United-States +<=50K,33, Private,117963, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,55, United-States +>50K,54, Local-gov,68015, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,285208, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,181091, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,44, Self-emp-not-inc,53956, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,57, United-States +>50K,47, Federal-gov,198223, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,90, Self-emp-not-inc,83601, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Male,1086,0,60, United-States +<=50K,26, Self-emp-not-inc,201579, 5th-6th,3, Never-married, Prof-specialty, Unmarried, White, Male,0,0,14, Mexico +<=50K,44, Private,137367, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +<=50K,33, Private,227325, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,60, Scotland +<=50K,28, Private,129814, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,193050, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,18, United-States +<=50K,33, Private,204557, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,165743, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,48935, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,30, United-States +>50K,70, Private,177906, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514,0,40, United-States +<=50K,18, Private,93985, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,148351, 7th-8th,4, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, ? +<=50K,65, Local-gov,172646, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,145409, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,48, Private,548568, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,117849, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,320425, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,158734, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,59, Private,168416, HS-grad,9, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,36, Poland +>50K,63, Self-emp-not-inc,33487, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,205072, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,210525, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,32948, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Self-emp-inc,196689, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,87032, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,325159, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,52131, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,266439, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,61850, Masters,14, Never-married, Sales, Other-relative, White, Female,0,0,21, United-States +<=50K,19, Private,163015, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,225135, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-inc,109001, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,60, United-States +>50K,33, Private,45796, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,214987, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174,0,40, United-States +<=50K,19, Private,311974, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +>50K,48, Private,77404, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,43, Private,153132, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,64631, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,151364, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, United-States +<=50K,25, Private,87487, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,41, Self-emp-not-inc,200479, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,66, Private,30740, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,15, United-States +>50K,59, Private,153484, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,214385, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,35, United-States +<=50K,29, ?,565769, Preschool,1, Never-married, ?, Not-in-family, Black, Male,0,0,40, South +<=50K,44, Self-emp-not-inc,92162, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,210945, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,63105, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,44, Private,185602, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,37, Self-emp-inc,329980, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,70, Local-gov,111712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,22, United-States +<=50K,25, Local-gov,48317, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,42, Private,84661, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,121622, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,37514, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,72, Private,174993, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,56, Private,159472, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,195635, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,108282, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,55946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,123306, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,284250, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,60, Private,113443, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,309178, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,69236, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,34, Local-gov,182926, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Private,126675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,187693, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,56, Private,41100, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, State-gov,261839, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,97197, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,29, Private,260645, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,56, Private,116878, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,49, ?,227690, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,199411, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,194813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,47, Private,177087, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,2444,50, United-States +>50K,44, Self-emp-not-inc,242434, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,27828,0,60, United-States +<=50K,27, Private,399123, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,1719,40, United-States +<=50K,47, Private,216999, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,47270, 12th,8, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Federal-gov,122215, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,37898, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,38, Private,61343, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,32533, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,296897, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,201101, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,155293, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,101593, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, State-gov,104908, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,139023, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Private,429832, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,352542, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,29559, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,38, United-States +>50K,61, Local-gov,205711, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,49, Private,160706, 11th,7, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Puerto-Rico +>50K,59, Federal-gov,101626, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,245226, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Private,118286, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,187703, Assoc-voc,11, Never-married, Other-service, Other-relative, White, Male,0,0,40, Guatemala +<=50K,49, Private,289707, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,32, Private,68330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,33, Private,118786, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1590,40, United-States +<=50K,45, Private,203785, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,32732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,54, Local-gov,204567, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Self-emp-not-inc,131808, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,80, United-States +<=50K,22, Private,33272, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,55, Private,117477, 11th,7, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,36, Self-emp-not-inc,240191, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,41310,0,90, South +<=50K,38, Private,93287, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,127651, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,57, Private,222477, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,8, United-States +<=50K,23, Private,345734, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,111567, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,108293, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,34, Private,424988, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,38, Local-gov,94529, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3103,0,50, United-States +<=50K,42, Private,163322, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,52, Local-gov,181132, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,32, Private,140092, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,131913, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,74, Private,175945, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,28, United-States +<=50K,48, Private,247053, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Self-emp-not-inc,226203, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,205865, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2179,60, United-States +<=50K,22, Local-gov,200109, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,175029, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,55465, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,36989, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,255685, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,25, United-States +<=50K,30, Private,180765, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,34, Self-emp-not-inc,180607, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,39, Private,48063, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +>50K,37, State-gov,159491, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,167789, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,23, Private,124971, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, State-gov,61710, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,32, Private,127895, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,390348, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,44, Japan +>50K,25, Private,205337, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,260954, 10th,6, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, ?,331237, HS-grad,9, Separated, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,22, Private,177526, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,2907,0,30, United-States +<=50K,27, Private,113882, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,4508,0,40, United-States +<=50K,32, Private,29144, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Local-gov,124685, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,18, Private,88440, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,36, United-States +<=50K,28, Private,265074, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Local-gov,306985, Masters,14, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,2415,50, United-States +<=50K,72, Private,181494, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,76, Private,138403, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,35, Private,216473, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,36, Private,143123, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,19, Private,132717, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,23, State-gov,389792, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, United-States +<=50K,36, Private,359001, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,260052, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,15020,0,40, United-States +<=50K,20, Private,63633, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,64, Self-emp-not-inc,234192, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +>50K,53, Local-gov,237523, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,183778, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,205916, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +<=50K,31, Private,131633, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,33121, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,38, Federal-gov,32899, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,152171, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Local-gov,127441, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,23074, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, England +<=50K,42, Private,91585, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,83451, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,23, Local-gov,219122, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,81, Private,176500, 12th,8, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, ?,246862, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,35, Private,38468, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,24, ?,35633, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,11, ? +<=50K,19, Private,194608, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,269723, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,165054, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,127537, 9th,5, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,326931, 9th,5, Never-married, Transport-moving, Unmarried, Other, Male,0,0,40, El-Salvador +<=50K,24, Private,307133, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, ? +<=50K,37, Private,371576, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,160400, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,426350, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,26, State-gov,121789, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,218183, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, Private,91189, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,232190, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,38, Self-emp-not-inc,233033, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,66, Self-emp-inc,74263, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,86, United-States +>50K,33, Private,205950, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,213383, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,345577, Some-college,10, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,26, United-States +<=50K,20, ?,322144, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,158825, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,14344,0,40, United-States +>50K,64, Self-emp-inc,51286, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,6418,0,65, United-States +<=50K,36, Private,82488, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Federal-gov,40909, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,114939, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,61, Private,221534, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,149455, Some-college,10, Separated, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,68, ?,353524, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,328734, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,112906, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,44, United-States +<=50K,27, Private,155038, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,100125, Assoc-acdm,12, Divorced, Transport-moving, Unmarried, White, Female,0,0,30, United-States +<=50K,26, State-gov,177048, Some-college,10, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0,0,40, United-States +>50K,43, Private,72338, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, Private,254547, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,35, Outlying-US(Guam-USVI-etc) +<=50K,20, Local-gov,186213, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,38, United-States +>50K,39, Private,270557, Masters,14, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,48, Private,41411, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,116445, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,247540, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,1974,30, United-States +<=50K,37, Private,358753, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,37, Self-emp-not-inc,156897, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,1564,55, United-States +>50K,44, Self-emp-not-inc,360879, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,80, United-States +<=50K,51, Private,256051, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1628,40, United-States +<=50K,34, Private,179877, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,266583, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,2829,0,38, United-States +>50K,38, Private,187711, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,34, Local-gov,206707, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,63, Local-gov,80655, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,409464, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,235997, 12th,8, Widowed, Adm-clerical, Unmarried, White, Female,0,0,37, Mexico +<=50K,20, Private,59948, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,18, United-States +<=50K,30, Private,323833, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,53, Private,290290, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,1590,50, United-States +<=50K,20, ?,291746, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,77, Private,189173, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,50, State-gov,392668, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,132529, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,68080, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, ? +<=50K,17, Private,194717, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,43, Private,307767, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,90051, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3456,0,44, Canada +>50K,77, State-gov,267799, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,4, United-States +>50K,49, Private,81535, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,26, Self-emp-not-inc,334267, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,55912, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,172706, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,240467, Some-college,10, Separated, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,186006, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,37, United-States +<=50K,38, Private,65738, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,192878, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,413870, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,176341, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,66, ?,28367, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,117210, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,36, United-States +<=50K,21, ?,231286, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,25, Jamaica +<=50K,42, Private,188465, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,31, Local-gov,253456, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,140592, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,171335, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, State-gov,73928, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,24, Private,161415, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,24, Private,395297, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,30, Japan +>50K,40, State-gov,385357, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,45, State-gov,160599, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,222450, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, ?,38603, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,20, United-States +>50K,50, Private,178946, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,36, Private,106471, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,341643, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,97952, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +>50K,31, Private,111567, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,50, United-States +>50K,43, Local-gov,201764, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,153549, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +<=50K,44, Local-gov,264016, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +<=50K,42, Private,194636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,64, State-gov,184271, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Local-gov,49296, Some-college,10, Married-spouse-absent, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,60, Private,96099, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4101,0,60, United-States +<=50K,18, Self-emp-not-inc,304699, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, England +<=50K,24, Private,267181, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,40, Private,154076, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,98209, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,92003, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,103759, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,269681, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,789600, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,152165, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,260560, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-inc,214781, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,65, United-States +<=50K,64, Private,207188, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,246258, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,101563, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,7430,0,45, United-States +<=50K,60, Private,69955, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +<=50K,25, Private,124111, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,36, ? +<=50K,38, Private,237091, Some-college,10, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,36, Peru +<=50K,26, Private,318644, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,138917, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,31, Private,97405, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,196674, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,405281, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,186256, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,120277, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,161035, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +<=50K,34, Private,176244, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +>50K,54, Private,32454, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,39, Private,346478, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,196158, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,42, Federal-gov,208470, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,215616, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,23, Private,275357, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Self-emp-inc,304871, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,99185, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,23, Private,115085, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,58, Private,82050, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,123681, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,193152, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,309466, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, Local-gov,100883, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,8, Canada +<=50K,37, Private,32528, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,245199, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,72375, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,117963, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,45, Private,160440, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,64, Federal-gov,113570, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,58, ?,191830, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,232328, 9th,5, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,37, Private,92028, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,48, Private,138342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,55, United-States +<=50K,42, Private,197810, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,102142, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,104223, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,132835, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,109195, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,203463, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Local-gov,33114, 11th,7, Divorced, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,27, Private,187450, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,104213, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,257849, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,50490, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,85508, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,54, Self-emp-not-inc,60449, Bachelors,13, Widowed, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,27, Local-gov,131310, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,158177, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,10605,0,44, United-States +<=50K,65, Private,115922, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,24, United-States +<=50K,21, Private,403471, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,48, United-States +<=50K,22, Private,176131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,149531, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,262243, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,64658, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,127914, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,49, Self-emp-inc,182211, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,48520, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,43, United-States +<=50K,20, Private,403118, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +<=50K,55, Private,119344, HS-grad,9, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,46, Self-emp-not-inc,334456, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,263110, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,279015, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,58, Private,195878, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,34, Private,217652, 12th,8, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,65, Federal-gov,44807, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,129777, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,28, ?,195568, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,15, ? +>50K,44, Private,227466, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,228457, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,247053, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,188669, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,45, Private,40666, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +<=50K,57, ?,190514, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,404661, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,39986, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1740,56, United-States +<=50K,43, Private,175133, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,62, Private,101375, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,256680, Assoc-acdm,12, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,46, State-gov,136878, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,106151, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, ? +<=50K,38, ?,242221, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,38, United-States +<=50K,38, Private,101387, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,43, United-States +>50K,51, Private,196828, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, ?,195075, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,22, Private,333910, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +<=50K,46, Self-emp-not-inc,103540, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,36876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,55, Private,158651, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,24, Private,196943, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,184583, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,59, United-States +<=50K,33, Private,244817, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,386726, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,56, Self-emp-inc,373593, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, Italy +<=50K,27, Private,206199, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,93283, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, ?,103628, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,4, India +<=50K,21, Local-gov,391936, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +>50K,31, Local-gov,168740, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,150568, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,201178, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,63, Private,75813, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,34, Local-gov,398988, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,18, United-States +<=50K,38, Private,158363, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,81961, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,170017, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,348092, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,27, Private,54861, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,32, United-States +<=50K,63, Self-emp-not-inc,74991, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,0,0,60, United-States +<=50K,25, Private,106552, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,51, Private,27539, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,268913, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Iran +<=50K,63, Private,199888, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,53, Private,288216, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Self-emp-inc,378036, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,41, Private,127314, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,32, Private,115963, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,332928, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,178510, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,53147, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,37, United-States +<=50K,66, Private,115880, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818,0,40, United-States +>50K,57, Private,375502, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,49, Self-emp-not-inc,155659, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,122240, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,112305, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,46, Federal-gov,35136, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,27, Private,215423, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,16, United-States +<=50K,24, Private,116358, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,2339,40, Philippines +<=50K,17, Private,171461, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,32, Private,131584, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Self-emp-inc,29520, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,35, Local-gov,246463, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,32616, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,41, Private,144144, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,30, United-States +<=50K,75, ?,222789, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,9, United-States +<=50K,22, Private,227594, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,375606, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,180532, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,50, State-gov,54342, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,208798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,377401, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,110861, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,42, Private,144594, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,129345, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,424340, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,44, Private,187702, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,293917, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,61, Private,160143, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,50, Private,345450, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,54, State-gov,180881, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,102690, 11th,7, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,46, Private,265371, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,167333, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,447144, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,280077, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, Private,143920, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +>50K,40, Private,190507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,59469, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,74501, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,215458, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +<=50K,33, Private,281685, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,78273, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,105475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,55, Private,174260, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,149102, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,188331, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,40, United-States +<=50K,23, Private,864960, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,154526, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,60783, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,186269, HS-grad,9, Never-married, Other-service, Own-child, White, Male,2907,0,35, United-States +<=50K,30, Private,398019, 1st-4th,2, Separated, Priv-house-serv, Other-relative, White, Female,0,0,30, Mexico +<=50K,50, Federal-gov,237503, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,93762, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,59916, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,203264, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,299119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,29, Federal-gov,114072, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,46, United-States +<=50K,18, ?,167875, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,16, United-States +>50K,64, Private,130525, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,58, Private,71283, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +>50K,43, Local-gov,85440, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,136077, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +>50K,40, Private,222434, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, Canada +<=50K,25, Private,138111, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2174,0,40, United-States +<=50K,27, Private,225746, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,54, Private,240358, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, Jamaica +<=50K,25, Private,139863, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,39, Private,278632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,71046, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,312985, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2129,50, United-States +<=50K,49, Federal-gov,276309, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, ?,199116, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2407,0,40, Dominican-Republic +<=50K,39, Private,52870, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,51, State-gov,79324, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,50, Private,188882, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Federal-gov,72338, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, ?,234108, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,24, Private,113936, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,55, United-States +>50K,43, Private,182521, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,15020,0,35, United-States +>50K,60, Private,124198, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,84, United-States +<=50K,20, Private,228960, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,60, Self-emp-not-inc,176360, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,178649, Bachelors,13, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,36, Philippines +>50K,41, Private,338740, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,205659, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,258883, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,196638, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +>50K,43, Self-emp-not-inc,95246, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,20, ?,216672, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,61956, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,4650,0,45, United-States +<=50K,33, Private,157216, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, ?,150250, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,1510,30, United-States +>50K,37, Private,112838, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,31, State-gov,158688, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,227864, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,173858, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,1902,40, China +<=50K,51, Private,30012, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,80, United-States +<=50K,20, ?,50163, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +>50K,50, State-gov,143822, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,19, ?,497414, 7th-8th,4, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,35, Mexico +<=50K,30, Private,235109, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,339196, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,181028, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,18, United-States +<=50K,43, Private,59460, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,97212, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,2001,25, United-States +>50K,32, Private,103642, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,70447, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,27, Private,321456, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, Germany +<=50K,23, Private,126613, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +>50K,52, Self-emp-not-inc,149508, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +>50K,38, Private,332154, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,18, ?,471876, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,140669, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,107164, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,225707, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Cuba +<=50K,64, Self-emp-inc,56588, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,70, United-States +>50K,31, Self-emp-inc,183125, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,99, United-States +>50K,56, Private,177368, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,45, United-States +<=50K,40, Private,218653, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,191137, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,181585, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,142566, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,220821, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +>50K,37, Private,280966, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,52, Private,153155, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,29, Private,195446, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,77884, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,41, Private,99373, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,118729, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,108414, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,198366, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,20, United-States +<=50K,42, Private,238384, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,36, United-States +<=50K,27, Private,214695, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,120420, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,186934, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,100368, 9th,5, Widowed, Other-service, Unmarried, White, Female,0,0,27, United-States +<=50K,49, Private,723746, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,67, ?,427422, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,2414,0,16, United-States +<=50K,44, Private,54271, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,189680, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,49, Private,230796, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,195843, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,41, Private,109912, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,15024,0,50, England +<=50K,19, Private,42069, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,335950, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,70, United-States +>50K,45, Private,163174, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,24, Private,81145, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,67, Local-gov,312052, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,209934, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,22, ?,269221, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,57, Private,322691, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,99849, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,28, United-States +<=50K,23, ?,213004, Some-college,10, Never-married, ?, Own-child, White, Female,0,1719,30, United-States +<=50K,49, Private,182313, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,201505, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,61, Self-emp-not-inc,227119, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,202395, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,170583, 11th,7, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,58, State-gov,21838, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,50, Self-emp-inc,68898, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,34, Private,226702, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, ?,168079, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,42, Self-emp-inc,173628, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,164529, 11th,7, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,301514, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,50, Private,194580, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,63, Private,165611, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,32, Private,96480, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,224700, Assoc-voc,11, Divorced, Protective-serv, Unmarried, Black, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,141962, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,22, Private,377815, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,24, Private,271379, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,40, Private,421837, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,77953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,345122, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,38, ?,172855, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,34, Private,87131, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +<=50K,21, Private,328906, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,56, Private,21626, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,43, United-States +>50K,38, Private,143909, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,178835, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,2174,0,40, United-States +<=50K,45, Private,94809, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,64, Local-gov,172768, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-inc,204742, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-inc,144949, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,195562, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,56482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,55, Federal-gov,36314, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,72, United-States +>50K,51, Self-emp-not-inc,329980, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,8, United-States +<=50K,62, Local-gov,103344, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,169708, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,54, Local-gov,249949, Some-college,10, Divorced, Exec-managerial, Other-relative, Black, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,186934, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,692831, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,48, United-States +<=50K,17, Private,154078, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,22, Private,91733, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,67, Self-emp-inc,325373, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,43, Self-emp-not-inc,160369, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,57, Local-gov,196126, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,120053, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,204337, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,34, Private,128016, HS-grad,9, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,50, ?,199301, Assoc-voc,11, Never-married, ?, Unmarried, Black, Female,0,0,16, United-States +<=50K,33, Private,49027, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,192022, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,40, Private,147099, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,32, Private,334744, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,207621, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,194458, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-inc,184245, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Mexico +<=50K,34, Private,242704, HS-grad,9, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,21, ?,278130, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,251073, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,153209, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,360879, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,115066, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,409172, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,223637, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,50, United-States +>50K,36, Private,161141, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,535869, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +<=50K,60, Federal-gov,49921, 9th,5, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,335067, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,47, Self-emp-inc,209460, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,40, United-States +<=50K,20, Private,355236, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,16, United-States +>50K,50, Private,240374, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,221428, 12th,8, Married-civ-spouse, Sales, Own-child, Other, Male,0,0,35, United-States +<=50K,37, Private,356250, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,20, Private,356347, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,50, Private,245356, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,247088, HS-grad,9, Separated, Craft-repair, Own-child, Black, Male,0,0,50, United-States +<=50K,27, ?,200381, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,300333, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Dominican-Republic +>50K,38, Private,109594, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,70, United-States +<=50K,24, Local-gov,221480, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,433624, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,179681, Assoc-voc,11, Married-spouse-absent, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,21, Local-gov,136208, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +<=50K,64, Private,159715, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,10566,0,40, United-States +<=50K,33, Private,164683, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,152307, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,256908, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,227943, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,75, ?,33673, Masters,14, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,26, United-States +<=50K,26, Private,116991, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,96076, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,201314, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,153021, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, State-gov,334422, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Male,0,0,47, United-States +>50K,37, Private,160192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,51216, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +<=50K,47, Private,323212, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,45, Self-emp-inc,179030, Bachelors,13, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,35, South +<=50K,23, Private,129345, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,31023, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,62, Self-emp-inc,164616, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,34, Federal-gov,121093, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,53, United-States +<=50K,36, Private,300373, 10th,6, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,95708, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688,0,60, United-States +<=50K,36, State-gov,235779, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,114158, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Private,192226, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,166416, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,211215, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,157617, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,44, Private,96170, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,224045, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,42, Private,350550, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,37, Self-emp-not-inc,114719, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,26, Private,124111, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,36, Private,250224, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,232060, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,195258, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,285775, HS-grad,9, Never-married, Protective-serv, Other-relative, White, Male,0,0,42, United-States +<=50K,27, Private,146687, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,76128, HS-grad,9, Divorced, Craft-repair, Not-in-family, Other, Male,0,0,60, Ecuador +<=50K,28, Private,241607, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,273675, HS-grad,9, Married-spouse-absent, Other-service, Other-relative, Black, Female,0,0,35, Puerto-Rico +<=50K,29, Private,210867, 11th,7, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,144752, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Private,185820, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +<=50K,42, Private,252518, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, ? +<=50K,30, Private,123833, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,291569, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,37, Private,638116, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,32, United-States +<=50K,46, Private,269045, 11th,7, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,102852, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,195447, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,173944, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,276728, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,43, United-States +<=50K,21, State-gov,173534, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, Ecuador +<=50K,23, Private,198368, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,27620, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Local-gov,192235, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,467936, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, Mexico +<=50K,25, Private,264136, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,61, Self-emp-not-inc,184009, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,2444,50, United-States +>50K,50, Private,165001, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,123484, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,123384, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,50, Self-emp-inc,235307, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,238384, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,171351, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,38, State-gov,162424, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,333838, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +>50K,58, Private,100303, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,41, Federal-gov,58447, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,43, Local-gov,317185, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,39, Private,103323, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1669,40, United-States +<=50K,22, Private,221694, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,52, Private,214091, HS-grad,9, Widowed, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, ?,171062, Bachelors,13, Never-married, ?, Not-in-family, Black, Male,0,0,40, England +<=50K,46, Private,278200, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,187592, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,188382, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,65584, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,117789, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,402089, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,40, Private,69730, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,34218, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Federal-gov,54566, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,698039, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,28, United-States +<=50K,57, ?,76571, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,133201, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Male,0,1408,40, France +<=50K,47, Federal-gov,146786, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, ?,96154, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,64, State-gov,143880, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,132397, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,18, United-States +<=50K,28, ?,45613, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,136226, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,334291, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,183017, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,32, United-States +<=50K,66, Private,207917, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Black, Male,1797,0,20, United-States +>50K,65, ?,136431, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,9386,0,40, United-States +>50K,37, Private,80303, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,210509, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,37, ?,48915, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,91316, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,205670, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,76, Private,25319, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,52, Private,264129, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,40165, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, Japan +<=50K,43, Federal-gov,79529, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,32, Private,164519, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,184178, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +<=50K,33, State-gov,427812, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, Mexico +<=50K,59, Self-emp-not-inc,172618, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,472861, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,40, Private,114157, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,104164, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,45, Self-emp-not-inc,180680, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,28, Private,300915, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,43, United-States +<=50K,38, Private,308171, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,50, United-States +<=50K,56, Private,320833, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,42, ?,167710, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,18, United-States +<=50K,19, Private,228577, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,36, United-States +>50K,48, Self-emp-not-inc,221464, 11th,7, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,31, Self-emp-not-inc,213307, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,28, Mexico +<=50K,42, Private,165815, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,248919, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,66, Mexico +<=50K,23, ?,116934, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,285365, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,63, Private,134960, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Scotland +<=50K,24, Private,449101, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,46019, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,5178,0,50, United-States +>50K,71, ?,161027, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,32, State-gov,19513, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,57, Self-emp-not-inc,258121, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,242782, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,65, ?,193365, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,42, Private,182402, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +<=50K,24, Private,254767, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,112115, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,117299, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,44, Private,214781, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,197474, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,24, ?,234791, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,34, Local-gov,126584, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,72, Self-emp-not-inc,28865, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,14, United-States +<=50K,61, Private,163729, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,218407, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, Columbia +<=50K,58, Private,95428, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,146103, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,30, United-States +<=50K,25, Private,150312, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Private,76206, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,16, United-States +<=50K,23, Private,340543, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,125461, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,38, Private,218015, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,49, Private,178160, Assoc-acdm,12, Widowed, Sales, Not-in-family, White, Female,0,0,40, Germany +<=50K,25, Private,169905, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,226629, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,180313, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,236276, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,71, Private,124901, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,63, Local-gov,214275, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,55, United-States +>50K,49, Local-gov,371886, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,65, Private,282779, Masters,14, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,22, Private,218415, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,105431, HS-grad,9, Divorced, Farming-fishing, Unmarried, Black, Female,0,0,39, United-States +<=50K,32, ?,373231, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,59792, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,44, Private,75742, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,186731, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,310197, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,73413, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,175232, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,338948, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,22, Private,95647, 11th,7, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,43, Self-emp-inc,677398, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, Self-emp-not-inc,263300, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +>50K,47, Federal-gov,218325, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,37, Local-gov,156261, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,165817, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,304605, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Self-emp-not-inc,245361, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +>50K,45, Federal-gov,230685, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,184502, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,37, Local-gov,116736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,178952, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,156266, 11th,7, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,22, Private,163519, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,18, Private,296090, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,22, Private,119742, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,269763, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,10, United-States +>50K,56, Private,287833, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,19, ?,190093, 12th,8, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,74, Self-emp-inc,148003, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,6, United-States +<=50K,18, Private,131414, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,172571, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Local-gov,184440, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,36, United-States +<=50K,28, Private,216479, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,293475, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Federal-gov,109982, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,205033, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,32, Local-gov,56658, HS-grad,9, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,58, Private,159008, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,28, Private,37302, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,33, Local-gov,107417, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,236379, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,57637, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,51, Private,276214, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,113749, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,100837, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2002,66, United-States +<=50K,45, Private,239058, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,286419, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,52, ?,50934, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,21, Private,283969, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,76, Private,152839, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, Local-gov,32290, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,204373, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,126528, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,245408, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,30, State-gov,127610, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,132919, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,12, United-States +<=50K,68, Private,58547, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1735,48, United-States +>50K,36, Private,251091, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,71, Private,149950, HS-grad,9, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,20, United-States +<=50K,32, Private,464621, Some-college,10, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,43, Private,170230, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,100294, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Local-gov,234108, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,33046, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,76, Private,84428, Some-college,10, Widowed, Sales, Not-in-family, Asian-Pac-Islander, Female,2062,0,37, United-States +<=50K,35, Self-emp-not-inc,107662, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,5, Canada +<=50K,23, Private,220874, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,46, Local-gov,88564, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,144778, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, ?,179861, 10th,6, Never-married, ?, Own-child, White, Male,0,0,10, Poland +<=50K,30, Private,166671, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,51, Private,97180, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,18, Self-emp-not-inc,194091, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,23, Private,308498, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,18, United-States +>50K,53, Federal-gov,321865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,181814, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,44, Private,374423, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1902,40, United-States +>50K,49, Private,213668, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,213236, HS-grad,9, Separated, Other-service, Unmarried, White, Male,0,0,40, Dominican-Republic +>50K,58, Self-emp-not-inc,115439, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,124111, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,32, Private,176185, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,4787,0,40, United-States +>50K,26, Private,211231, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,259715, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,248600, 10th,6, Never-married, Other-service, Other-relative, White, Female,34095,0,24, United-States +>50K,39, Private,153997, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,40, Puerto-Rico +<=50K,44, Private,67779, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,236861, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,57, Private,367334, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,213391, 9th,5, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,46, Local-gov,301124, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,45, United-States +<=50K,37, Private,184117, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,233923, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,348592, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,111817, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,170983, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,121407, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,35, United-States +<=50K,40, Local-gov,210275, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,21, Private,116358, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,48, Private,189123, Masters,14, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,48087, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Male,2354,0,40, United-States +<=50K,37, Private,179488, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,370990, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,49, Private,169760, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,38, State-gov,34493, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,61, Private,185584, Bachelors,13, Widowed, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,44, Private,324311, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,32, Mexico +>50K,62, Self-emp-not-inc,96299, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,147322, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Columbia +<=50K,35, Private,135289, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, State-gov,128586, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, State-gov,185590, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,107458, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,57, Private,151874, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,26, State-gov,413846, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,203836, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,44, Self-emp-not-inc,110028, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,57640, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,67874, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,50, Self-emp-not-inc,169112, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,37, Self-emp-inc,154410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,63234, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,4508,0,12, United-States +>50K,64, Private,121036, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,408328, Preschool,1, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,29, Private,269254, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,115438, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,332249, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,33, State-gov,160261, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,24, Private,167316, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, State-gov,291586, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,184046, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Federal-gov,178025, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,9, United-States +<=50K,53, Private,104280, 12th,8, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,38, Private,302604, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,30, Private,225243, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +<=50K,39, Self-emp-not-inc,327120, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +>50K,51, Self-emp-not-inc,43878, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, ?,40915, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,49, Self-emp-inc,83444, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,85, United-States +<=50K,51, Private,351416, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,117310, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1876,48, United-States +<=50K,36, Private,324231, 9th,5, Never-married, Farming-fishing, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Private,161802, 1st-4th,2, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,30, United-States +<=50K,40, Self-emp-not-inc,184804, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,2205,45, United-States +<=50K,30, Federal-gov,547931, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,46395, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,182313, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Local-gov,169069, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,203182, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,142924, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,180656, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Guatemala +<=50K,58, Private,187485, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +<=50K,84, ?,157778, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,6, United-States +<=50K,46, Self-emp-not-inc,149337, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,97054, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,377017, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,32, United-States +<=50K,43, Private,106900, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,378723, 10th,6, Separated, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,23, Private,209955, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,312766, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,59, Private,70857, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,238917, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, El-Salvador +>50K,50, State-gov,53497, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +>50K,44, Private,283174, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,190497, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,104447, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,2339,40, United-States +<=50K,36, Private,73023, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,2202,0,40, United-States +<=50K,20, Private,177896, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,349951, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4508,0,55, United-States +<=50K,29, Private,80179, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, State-gov,308955, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,126896, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,19, State-gov,116385, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,18, United-States +<=50K,37, State-gov,172425, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,106615, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,15, United-States +>50K,42, Private,261929, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,163870, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,35, Self-emp-inc,242080, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,21, Private,30796, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,43, Self-emp-not-inc,207578, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,22, ?,140001, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,217942, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,301010, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, ?,222007, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, United-States +<=50K,32, Private,72630, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,3325,0,45, United-States +<=50K,49, Local-gov,204377, 11th,7, Divorced, Other-service, Own-child, White, Female,0,0,60, United-States +<=50K,38, Local-gov,189614, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,100345, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,163687, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,34, Local-gov,174215, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +<=50K,32, Private,37646, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,84154, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,41, Private,116493, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,52, United-States +<=50K,38, Private,259972, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,58, State-gov,185338, Bachelors,13, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,99212, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +>50K,61, Private,54780, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,393673, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,36, Private,66687, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,133986, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,248694, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,212888, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +>50K,51, Self-emp-inc,304955, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,23, Private,172232, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,53, United-States +<=50K,59, Private,32446, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,182701, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,12, Mexico +<=50K,23, Private,164920, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,15, Germany +<=50K,24, Private,274424, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,1831,0,40, United-States +<=50K,57, Private,176904, 10th,6, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,217530, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +>50K,59, Private,318450, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,210945, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,26, Private,181838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,91931, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,23, United-States +>50K,45, Self-emp-not-inc,123681, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,64, Local-gov,181628, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,72, ?,305145, Bachelors,13, Widowed, ?, Not-in-family, White, Male,0,0,4, United-States +<=50K,55, Private,174533, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,94342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,43, Private,215624, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,46, Self-emp-not-inc,112485, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,27484, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,186454, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,4650,0,40, Vietnam +<=50K,28, State-gov,187746, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +<=50K,57, Private,358628, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,295939, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,127198, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,48, Private,81497, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,65, United-States +>50K,30, Self-emp-not-inc,143078, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,2444,55, United-States +<=50K,70, Self-emp-not-inc,177806, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,210926, 9th,5, Divorced, Farming-fishing, Unmarried, White, Female,0,0,40, Mexico +<=50K,34, Private,195144, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,252563, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,170785, 12th,8, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,111232, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,59, Private,59584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,48, Private,148254, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,40, ? +>50K,30, Local-gov,19302, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,70, Germany +<=50K,52, Private,285224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,43, Private,172256, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +>50K,51, State-gov,128260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,156163, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, ? +<=50K,31, Private,155914, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,58471, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,282389, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,70, United-States +<=50K,40, Private,117915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,163628, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,287436, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,58, State-gov,139736, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,40, United-States +<=50K,28, Local-gov,136643, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,43, Local-gov,180572, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, State-gov,148805, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,497039, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,56, United-States +<=50K,18, Private,226956, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +>50K,36, Private,157184, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,21, Private,315470, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,45, Private,252079, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,138022, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,48520, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,346605, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,35, Private,139770, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,29, United-States +<=50K,41, Private,209899, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,55844, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,61, Private,215789, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,126913, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,42, State-gov,101950, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,28, Private,451742, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,173754, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,350131, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,2339,40, United-States +<=50K,32, Private,185820, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,176837, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,271282, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,56, United-States +<=50K,25, ?,420081, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,38, State-gov,142282, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,28, State-gov,266855, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,148143, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Female,0,0,40, United-States +<=50K,40, State-gov,21189, Bachelors,13, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,32, United-States +<=50K,37, Private,110013, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,350400, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,51, Private,275507, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,50, United-States +>50K,42, Private,169948, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,41, Private,298161, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, Cuba +<=50K,45, ?,120131, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,25, United-States +>50K,32, State-gov,113129, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,24, Private,201680, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,63, Private,158609, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,20, United-States +>50K,67, Self-emp-inc,22313, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,36, Private,261012, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,50, United-States +>50K,52, Private,104501, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,32, Private,50178, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,65624, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,236481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,10, India +<=50K,50, Private,213041, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Private,105127, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, ?,127441, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,42, United-States +<=50K,30, Private,210541, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,163512, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,8, Guatemala +>50K,36, Private,170376, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,50, Private,132465, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, Mexico +>50K,45, Private,253827, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,22, Private,186383, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, United-States +>50K,34, Private,111985, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,152909, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,57, Private,279340, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,29, United-States +<=50K,29, Private,154571, Some-college,10, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,31, Private,270889, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,241731, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, ?,256649, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, United-States +<=50K,31, Private,176711, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,359155, HS-grad,9, Separated, Transport-moving, Unmarried, White, Female,0,0,30, United-States +<=50K,30, State-gov,103651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,138872, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,180195, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,37, Local-gov,175979, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,60, United-States +<=50K,59, Local-gov,53612, Masters,14, Separated, Prof-specialty, Own-child, Black, Female,0,0,35, United-States +<=50K,18, Local-gov,28357, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,460322, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,43, United-States +<=50K,36, Private,182954, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, Dominican-Republic +<=50K,17, Private,242871, 10th,6, Never-married, Sales, Own-child, White, Female,594,0,12, United-States +>50K,55, Local-gov,30636, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,47, Local-gov,274657, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,3908,0,40, United-States +<=50K,17, ?,179807, 10th,6, Never-married, ?, Own-child, White, Female,0,0,16, United-States +<=50K,18, Private,230215, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,46, Federal-gov,260549, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,80, United-States +<=50K,31, Private,408208, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,61, Private,143837, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,203784, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,38, Mexico +>50K,43, Federal-gov,190020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,666014, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,32, Private,50753, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,197515, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,209476, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,192995, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,6723,0,40, United-States +<=50K,25, Private,39640, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +>50K,33, Private,203488, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,29, Private,125791, Assoc-acdm,12, Never-married, Exec-managerial, Other-relative, White, Female,0,0,38, United-States +<=50K,20, Private,167424, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,58, ?,169590, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,56, ?,174533, Bachelors,13, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +>50K,37, Private,474568, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, ? +<=50K,36, Private,414910, 7th-8th,4, Divorced, Sales, Not-in-family, Other, Female,0,0,35, United-States +<=50K,21, Self-emp-inc,95997, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,26, Private,191797, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,16, United-States +<=50K,81, ?,143732, 1st-4th,2, Widowed, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, Private,65624, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,48, Private,352614, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, ? +>50K,34, Private,301251, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,98524, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,112512, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,37, Local-gov,170861, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,42, Private,244668, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,8614,0,40, Mexico +<=50K,23, Private,148890, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +<=50K,37, Private,149898, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,240629, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,19522, Some-college,10, Never-married, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,89, Private,152839, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Local-gov,105788, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +<=50K,23, Private,314823, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,20, ?,287681, 5th-6th,3, Never-married, ?, Not-in-family, White, Male,0,0,25, Mexico +<=50K,50, ?,313445, HS-grad,9, Separated, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,289148, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,166193, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,206857, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,150683, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,42, United-States +<=50K,52, Private,155759, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,211459, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,191103, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Private,88856, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,40, United-States +>50K,41, Private,193882, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,57, State-gov,222792, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,190137, HS-grad,9, Never-married, Sales, Own-child, Other, Male,0,0,40, United-States +<=50K,37, Private,174308, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,74, Private,172787, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Male,0,2282,35, United-States +<=50K,56, Private,146391, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, Ireland +<=50K,33, Private,179708, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,31, Local-gov,314375, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,30, United-States +>50K,41, Local-gov,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,244906, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Local-gov,251890, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,25, Puerto-Rico +<=50K,23, Private,220993, HS-grad,9, Married-civ-spouse, Sales, Not-in-family, Black, Male,0,0,60, United-States +<=50K,35, Private,309131, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, State-gov,263200, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Ecuador +<=50K,52, Self-emp-not-inc,92469, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, Private,32406, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,235070, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,35, Haiti +<=50K,48, Private,196571, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,258819, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,33945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,452640, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,112772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,49, Self-emp-not-inc,34845, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,23, Private,119051, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,20, Private,197767, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,36, United-States +>50K,52, Local-gov,181578, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, ? +>50K,56, Private,329654, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,7688,0,50, United-States +>50K,57, Federal-gov,47534, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,20, Private,341294, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,336042, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,41, Self-emp-inc,56019, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,50, India +<=50K,45, Private,86505, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,274106, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, Mexico +<=50K,62, Federal-gov,52765, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Self-emp-inc,136848, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,6, United-States +<=50K,24, Private,298227, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Self-emp-not-inc,215493, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,20, ?,197583, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,265190, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,96921, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,53, Local-gov,202420, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,252616, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,36, China +>50K,39, Private,102976, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Private,70439, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,184290, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Federal-gov,72887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, Local-gov,237498, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Self-emp-not-inc,228043, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,42, Private,144056, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,187711, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,282489, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Private,359155, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Self-emp-not-inc,87169, HS-grad,9, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,35, Private,251091, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, Puerto-Rico +<=50K,42, Private,130126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,163265, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,57, Private,250040, 7th-8th,4, Divorced, Prof-specialty, Other-relative, White, Female,0,0,20, ? +<=50K,59, ?,218764, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, Private,176773, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, Haiti +>50K,37, Self-emp-not-inc,98941, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,20, Private,217467, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,97176, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,28, Private,230503, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,227321, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, Private,199698, 9th,5, Never-married, Transport-moving, Unmarried, White, Male,0,0,35, United-States +<=50K,38, Local-gov,347491, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,103925, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Germany +<=50K,30, Private,124569, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +>50K,35, Private,80680, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, State-gov,119197, Masters,14, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,56, Private,147055, 9th,5, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,316470, 9th,5, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,64, Private,260082, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Cuba +<=50K,21, ?,228960, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,17, ?,256496, 10th,6, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,49, Private,133351, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +>50K,37, Private,151835, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,52, ?,224793, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,55, Private,101480, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,33, United-States +<=50K,24, Private,138719, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,23, Private,129121, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,401069, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,39, United-States +<=50K,17, ?,188758, 10th,6, Never-married, ?, Own-child, White, Male,0,0,14, United-States +<=50K,50, Private,191598, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,1980,38, United-States +<=50K,33, Private,330715, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,284317, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,393673, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +<=50K,31, Self-emp-not-inc,206609, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,2205,60, United-States +<=50K,77, ?,88545, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,21, Private,224632, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,18, Private,227529, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,25, Private,210148, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,224174, Assoc-voc,11, Widowed, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,25, Private,193787, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,62, Self-emp-not-inc,244953, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +>50K,35, Private,223749, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,48, United-States +<=50K,26, Private,37650, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,5060,0,40, United-States +<=50K,47, Private,358382, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,155275, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,180574, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,101853, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,34161, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,83311, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,217125, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,50, Private,166368, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,44793, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, ?,123147, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,25, United-States +>50K,51, Private,184529, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,37, Private,224566, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,39, United-States +<=50K,25, Private,195994, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,186376, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,42, United-States +>50K,60, Federal-gov,38749, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,60, Philippines +<=50K,66, ?,78375, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,74, Private,148867, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,6418,0,24, United-States +<=50K,37, Private,207066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,339423, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,172186, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,138564, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,35, Private,208259, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +<=50K,43, Local-gov,203376, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Self-emp-inc,243165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Self-emp-inc,213008, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,159323, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,65, Canada +<=50K,22, Private,197050, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,36, Private,166855, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,163072, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,34, United-States +<=50K,36, Private,191807, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,75, United-States +<=50K,29, State-gov,48634, Bachelors,13, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,30, Local-gov,287737, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,3325,0,40, United-States +<=50K,31, Private,162623, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,104993, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,44, ?,256211, Assoc-voc,11, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,2129,40, Poland +<=50K,17, Private,298605, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,36, Private,115803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,183342, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,115971, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,254547, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,20, United-States +<=50K,42, Private,211940, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,55, State-gov,136819, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,61, Self-emp-not-inc,186000, Assoc-voc,11, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, Canada +<=50K,20, Private,289982, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,10, El-Salvador +<=50K,60, Private,137344, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,174413, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,186993, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,51, United-States +>50K,67, Self-emp-not-inc,176388, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Private,49469, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,83800, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,38, Private,194809, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,194397, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,181363, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,55, ?,227243, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,18, Private,176136, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,26, ?,102541, 10th,6, Never-married, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,166088, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,37, Self-emp-inc,95634, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, Canada +<=50K,35, Private,66304, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,64292, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,2176,0,25, United-States +<=50K,33, Private,41610, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Local-gov,198028, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,228652, Some-college,10, Divorced, Machine-op-inspct, Own-child, Other, Male,0,0,40, Mexico +<=50K,41, Private,165815, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,238255, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,63, Private,65740, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,52, Private,279543, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Cuba +<=50K,36, Private,114765, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,279580, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,42, Mexico +<=50K,19, Private,73257, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, Germany +>50K,66, Private,80621, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,74, State-gov,193602, Some-college,10, Widowed, Exec-managerial, Not-in-family, Black, Male,15831,0,40, United-States +<=50K,17, ?,141445, 9th,5, Never-married, ?, Own-child, White, Male,0,0,5, United-States +<=50K,37, Private,224512, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,52, Self-emp-not-inc,98642, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, India +<=50K,21, ?,182288, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,44, Private,765214, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,2559,40, United-States +<=50K,24, Private,224785, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1876,65, United-States +<=50K,19, ?,285177, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,18, United-States +<=50K,31, Private,241880, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,45, United-States +>50K,42, Self-emp-inc,201495, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,165215, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, United-States +<=50K,35, Self-emp-inc,99146, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,26, State-gov,92795, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,39, Self-emp-not-inc,54022, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,175268, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,39, Local-gov,123983, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,35, Private,269323, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,40, Private,32798, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, United-States +>50K,64, Private,101077, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Female,0,2444,40, United-States +<=50K,22, ?,157332, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,390746, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1672,45, Ireland +<=50K,26, Private,200318, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,38, ?,36425, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,221172, 5th-6th,3, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,34, Self-emp-inc,337995, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Male,15020,0,50, United-States +<=50K,54, Private,64421, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,199915, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,64, Private,207658, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,124810, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,40, Self-emp-inc,253060, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,36, Private,76878, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,20, ?,38455, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,41294, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,205195, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Private,162236, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,445480, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,761800, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,188300, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,28, United-States +<=50K,36, Private,138088, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,132304, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,32, Private,126173, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,259873, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,122215, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,190015, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,313132, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,103323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,44789, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,28, Private,192932, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,264025, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Male,1506,0,80, United-States +<=50K,37, Private,30269, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,50, United-States +<=50K,23, Private,283092, HS-grad,9, Never-married, Sales, Other-relative, Black, Male,0,0,40, Jamaica +<=50K,17, Private,125236, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +>50K,47, Private,187308, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,43, Private,150519, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,32587, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,1485,40, United-States +<=50K,37, Private,244803, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Columbia +<=50K,23, Private,316793, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,35, United-States +<=50K,41, Private,106068, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,191878, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,30, ?,159008, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,181983, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,2559,60, England +>50K,65, Private,113293, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,61, Local-gov,224711, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,63, United-States +<=50K,20, Private,460356, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,30, Mexico +<=50K,37, Local-gov,184474, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,2977,0,55, United-States +<=50K,39, Private,289890, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,183148, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,178109, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,54, Private,351760, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,176967, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,67444, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,23, Private,48343, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,27, ? +<=50K,19, Private,1047822, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,55, Local-gov,200448, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,34364, Assoc-acdm,12, Separated, Tech-support, Not-in-family, White, Female,0,0,3, United-States +<=50K,27, Private,95725, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,23, Private,124802, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Local-gov,196673, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,22, Private,196943, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,43819, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,53, Private,173020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,67, Local-gov,102690, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,42, Private,199018, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,201954, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,31, Private,168854, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,1504,40, United-States +<=50K,22, Private,53702, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,154043, HS-grad,9, Widowed, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +>50K,41, Self-emp-inc,64112, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,68, ?,294420, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,2, United-States +>50K,42, Self-emp-inc,325159, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,267706, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,70240, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,31, Private,213307, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,20, Mexico +>50K,56, Private,192845, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,273010, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,177775, Assoc-voc,11, Never-married, ?, Other-relative, White, Female,0,0,32, United-States +<=50K,22, ?,393122, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,345577, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +>50K,54, Self-emp-not-inc,72257, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,34, Private,113129, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,36, Private,292380, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,10, United-States +<=50K,29, Private,121040, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,67, Private,142097, 9th,5, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,6, United-States +>50K,48, Federal-gov,34998, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +>50K,53, State-gov,41021, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,46, United-States +>50K,42, Private,152889, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,50, United-States +<=50K,56, Private,436651, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,20, ?,256504, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,40, Private,215479, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +>50K,55, State-gov,100285, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,10520,0,40, United-States +<=50K,61, Private,373099, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,99357, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,67243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Portugal +>50K,32, Private,231263, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,243942, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,194102, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,141748, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,22, Private,211013, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,102652, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,201127, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,70, United-States +<=50K,57, ?,172667, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,49, Local-gov,175958, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +<=50K,34, Private,73928, 10th,6, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,4, United-States +<=50K,46, Private,212944, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,26, Private,544319, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,348960, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +<=50K,59, Private,280519, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,155172, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,106856, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,397346, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,253814, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, Private,201490, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,176806, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,107038, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,122194, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,7298,0,40, United-States +<=50K,28, Self-emp-not-inc,180928, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,62, Private,143746, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,183523, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,35, Federal-gov,179262, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,190759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,53, Self-emp-inc,200400, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,29, Private,166320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,205954, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,45, Local-gov,251786, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,20, Private,166371, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,27, ?,135046, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Local-gov,170423, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,393673, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,115438, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,173944, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, ?,292803, Some-college,10, Divorced, ?, Other-relative, White, Female,0,0,35, United-States +<=50K,63, Private,149756, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +>50K,39, Private,192251, Some-college,10, Divorced, Craft-repair, Own-child, White, Female,0,0,50, United-States +<=50K,20, Private,163687, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,200421, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,53, Self-emp-inc,368014, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,49, ?,141483, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,35, Federal-gov,191480, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,202466, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,50, ?,28765, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,35, Private,141584, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,38, Federal-gov,143123, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,122194, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, State-gov,110171, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,40, United-States +>50K,43, Self-emp-inc,342510, Bachelors,13, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,60, United-States +<=50K,20, Private,42279, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,201122, HS-grad,9, Separated, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,254025, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +>50K,50, Private,410114, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,60, Private,320422, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,6849,0,50, United-States +>50K,56, Private,67153, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,224406, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,211678, 10th,6, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,64, United-States +<=50K,22, Private,257017, Assoc-voc,11, Never-married, Other-service, Other-relative, Black, Male,0,0,52, United-States +>50K,48, Self-emp-inc,106232, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,48, United-States +<=50K,27, State-gov,41115, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,161245, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,37618, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,321787, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,123011, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Local-gov,66278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,25, Private,181054, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,55, Self-emp-not-inc,129786, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,245402, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,70, United-States +<=50K,24, ?,192711, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,41, United-States +>50K,41, Private,240124, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,370675, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Self-emp-not-inc,34066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,35, Private,53553, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,48, United-States +<=50K,20, Private,319758, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,43556, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Self-emp-inc,97952, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,80, United-States +<=50K,44, Private,244522, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,188108, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,187022, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, State-gov,173422, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,38, United-States +<=50K,61, State-gov,103575, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Germany +<=50K,20, Private,116830, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,43, United-States +>50K,58, Private,219504, 12th,8, Divorced, Transport-moving, Unmarried, Black, Male,0,0,45, United-States +<=50K,48, Self-emp-not-inc,102102, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,129661, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, State-gov,189346, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,48, Private,113211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,45, Private,256866, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,186408, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,1055,0,40, United-States +<=50K,23, Private,50411, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,118941, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,171868, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,35, Private,99065, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,22, Self-emp-not-inc,238917, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,220740, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,69, Private,192660, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,39, Private,56962, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,43, United-States +<=50K,21, ?,156780, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,15, ? +<=50K,22, Private,122048, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,4416,0,40, United-States +<=50K,52, Private,172511, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,44, Private,186790, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,196280, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,61885, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,51, Private,143822, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,315640, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, China +>50K,34, Private,617917, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,20, Private,35448, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,22, Private,124483, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,2339,40, India +<=50K,68, Private,230904, 11th,7, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,1870,35, United-States +<=50K,31, Private,164461, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,73, United-States +<=50K,22, Private,450695, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,62, ?,352156, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,166634, HS-grad,9, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,46, Private,151107, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,1977,60, United-States +<=50K,49, Private,219751, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,85604, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,54, Local-gov,231482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,24, Private,138152, 9th,5, Never-married, Craft-repair, Other-relative, Other, Male,0,0,58, Guatemala +<=50K,27, Private,309196, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,91666, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,89734, Some-college,10, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0,0,42, United-States +>50K,27, Private,79661, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4386,0,40, United-States +<=50K,39, Private,197150, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, El-Salvador +<=50K,29, ?,41281, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,53448, 12th,8, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,50, China +>50K,44, Self-emp-not-inc,255543, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +>50K,51, State-gov,367209, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +>50K,37, Private,226500, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,56, Private,292710, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,235732, 11th,7, Never-married, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,37, Private,301614, Bachelors,13, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,18, Private,261714, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,35, ?,35751, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,28, Private,266316, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,35, United-States +>50K,40, Self-emp-inc,189941, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,60, United-States +<=50K,50, Self-emp-not-inc,143535, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,234537, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Self-emp-not-inc,181435, 11th,7, Divorced, Other-service, Unmarried, White, Male,4650,0,50, United-States +>50K,40, Private,94210, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,44, Private,344060, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,27828,0,40, United-States +<=50K,40, Private,301359, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, State-gov,184527, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,41, Federal-gov,333070, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,23, Private,149574, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Self-emp-not-inc,34037, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,41, Self-emp-not-inc,123502, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,267661, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,75, United-States +<=50K,33, Private,109920, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,134120, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,46, United-States +<=50K,18, Private,192254, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,67, Self-emp-not-inc,94809, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,2346,0,33, United-States +<=50K,21, Private,183789, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,86643, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,22, ?,190290, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,65, United-States +>50K,64, ?,228140, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,198349, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,44, Local-gov,113597, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,280567, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,4, United-States +<=50K,60, Private,298967, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +>50K,31, Self-emp-not-inc,134615, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,74, Private,89852, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,11, United-States +<=50K,30, Private,289442, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,159109, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,105495, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,71, Private,155093, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Private,312923, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,80, Mexico +<=50K,56, Private,202435, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Self-emp-not-inc,49154, 11th,7, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,37, Private,184456, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,95329, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, India +<=50K,42, Private,173938, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,56, Private,373216, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,52, Private,204226, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, State-gov,222745, Doctorate,16, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,54, Private,106728, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,61287, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,68, Private,146011, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,3273,0,42, United-States +<=50K,38, Private,166744, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Local-gov,54651, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,42894, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,15, United-States +<=50K,23, Private,131230, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,50, United-States +<=50K,69, Private,271312, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,163776, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +<=50K,24, Private,230126, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, Private,37718, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,245975, 9th,5, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,84, United-States +>50K,59, State-gov,115439, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,35, Private,97554, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Private,109762, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,47, Private,138342, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,429696, Some-college,10, Married-civ-spouse, ?, Own-child, Black, Female,0,0,14, United-States +<=50K,77, ?,309955, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,1411,2, United-States +<=50K,48, Private,275154, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,40, Private,52849, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,23, State-gov,191165, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,15, United-States +>50K,51, Private,277471, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,171754, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, ? +<=50K,44, Private,117936, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,249956, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Self-emp-inc,170502, Masters,14, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,70, United-States +<=50K,19, Private,202951, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,21, Private,396722, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,49, Private,93557, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,103805, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,36, United-States +<=50K,59, Private,92141, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,51, Private,171924, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,38, Local-gov,173804, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,38, United-States +>50K,45, Private,139571, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-inc,142076, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,67, ?,126514, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,27, Local-gov,68729, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,37783, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,55, Self-emp-not-inc,183580, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,106637, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,57, Self-emp-not-inc,411604, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +<=50K,33, Private,214635, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,26, Private,201663, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,51, Private,153064, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +<=50K,35, Private,212465, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,93604, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,46, Private,141221, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, Local-gov,289653, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1628,48, United-States +<=50K,24, Private,219835, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,24, Guatemala +>50K,38, State-gov,187119, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,49, Private,406518, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,16, Yugoslavia +<=50K,34, Self-emp-not-inc,372793, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,21, ? +>50K,55, ?,229029, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,5178,0,20, United-States +<=50K,51, Private,145105, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,72, Private,171181, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,2329,0,20, United-States +>50K,60, Private,80927, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,191357, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,153542, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,49, Private,27802, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,46, Private,275792, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Federal-gov,162876, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,197600, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,134247, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,179597, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +>50K,71, Private,148003, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,1911,38, United-States +<=50K,30, Private,185177, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,22, United-States +<=50K,51, Private,133069, 10th,6, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,177154, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, State-gov,29324, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,38, State-gov,54911, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,10, United-States +>50K,49, Private,219611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,42, State-gov,200294, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,177063, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,140001, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,19, Private,237433, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,4416,0,40, United-States +<=50K,43, State-gov,99185, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,52291, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +>50K,30, Private,247328, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,388594, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,53, Local-gov,130730, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,23, Private,115458, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,113866, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,284710, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, Columbia +<=50K,60, Local-gov,168381, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,32, Private,167063, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,33794, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,36, Private,263574, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,95552, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,245724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818,0,44, United-States +<=50K,59, Private,152731, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,366876, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,203488, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,30529, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411,0,40, United-States +<=50K,57, Private,201159, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,64, Self-emp-inc,182158, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,48, Private,443377, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,28, Private,101618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,46, Self-emp-inc,132576, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,51, ?,123429, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,147098, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,2444,60, United-States +<=50K,44, Private,30424, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,1980,40, United-States +<=50K,50, Private,68898, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,58, Private,158864, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,27, Federal-gov,180103, Assoc-voc,11, Never-married, Tech-support, Unmarried, Black, Male,1151,0,40, United-States +<=50K,52, Private,317625, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,80933, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,107373, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,32, Self-emp-not-inc,220148, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,63503, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Greece +<=50K,63, Private,210350, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,32, Mexico +>50K,60, Private,194589, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,55, Private,200453, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,101575, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,12, United-States +>50K,55, Private,201232, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,51, Private,168553, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,166606, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, ?,104756, HS-grad,9, Married-AF-spouse, ?, Wife, White, Female,0,1651,42, United-States +<=50K,33, Private,106014, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,100882, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,47, United-States +>50K,52, State-gov,108836, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,50, Private,271493, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,204629, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, Canada +<=50K,24, Private,153078, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,44, Private,148316, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,293485, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,32, United-States +<=50K,61, Local-gov,257105, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,248160, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,104704, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +>50K,47, Private,209057, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,30, Federal-gov,243233, Some-college,10, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,48, United-States +>50K,44, Private,204314, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,38, United-States +<=50K,60, Private,108969, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,103397, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Private,198452, Bachelors,13, Separated, Tech-support, Unmarried, White, Female,5455,0,40, United-States +<=50K,38, Private,216572, HS-grad,9, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Private,311920, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,17, United-States +>50K,45, Self-emp-inc,363298, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,40, Private,146906, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,339814, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,60, Private,169408, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,40, Self-emp-not-inc,308296, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,59380, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,195634, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,10520,0,20, United-States +<=50K,31, Federal-gov,180656, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,144793, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Local-gov,56820, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,41414, 9th,5, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,160731, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,175778, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,230238, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,46, United-States +<=50K,39, State-gov,372130, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5013,0,56, United-States +<=50K,27, Private,167501, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,39, Private,141029, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,135525, Masters,14, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,522881, Assoc-voc,11, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, Mexico +<=50K,67, Private,162009, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,28, Private,365745, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,68393, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,46, United-States +>50K,48, Private,203576, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,138513, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,66, ?,188686, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,23, Private,39551, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,127366, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,183747, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,136331, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,81794, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,40, Private,222596, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,108943, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,189092, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,152109, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,195565, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,255927, Bachelors,13, Widowed, Adm-clerical, Unmarried, White, Female,0,0,52, United-States +<=50K,32, Private,100734, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,52, Local-gov,266433, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,158672, 11th,7, Separated, Other-service, Not-in-family, White, Male,0,0,38, Puerto-Rico +<=50K,35, Private,102268, 12th,8, Divorced, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,228399, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,298510, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,75, Self-emp-inc,126225, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,228456, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Self-emp-inc,437161, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Federal-gov,183608, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Local-gov,174395, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,221366, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,421010, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,245333, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,33, Local-gov,352277, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103,0,45, United-States +>50K,38, Private,29874, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,29, Private,77322, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,34, Private,260560, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,27, Self-emp-inc,217848, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,283731, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, State-gov,190759, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,59, State-gov,109567, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,209826, Some-college,10, Never-married, Farming-fishing, Own-child, White, Female,0,0,32, United-States +<=50K,27, Private,232801, 10th,6, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +>50K,41, Private,154374, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,35, Self-emp-inc,126738, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,26, Private,202156, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,32, Private,195447, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, ?,113301, 11th,7, Separated, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,189203, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,223019, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,58, Private,195878, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, Cuba +<=50K,58, Private,163150, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,28, United-States +<=50K,19, Self-emp-not-inc,139278, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,196494, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,36, United-States +<=50K,25, Federal-gov,303704, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,304082, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Peru +<=50K,18, Private,106943, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,23, Private,220993, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,52, Private,83984, Some-college,10, Married-civ-spouse, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,23, State-gov,340605, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,12, United-States +<=50K,18, Private,379710, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,39, Private,145933, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,55, United-States +<=50K,34, Self-emp-not-inc,208068, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Guatemala +<=50K,39, Private,172718, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,53285, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,139793, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,3418,0,38, United-States +<=50K,68, ?,365350, 5th-6th,3, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, Private,144064, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,182676, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,38, Mexico +<=50K,29, Private,108574, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Self-emp-not-inc,163845, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,344804, 5th-6th,3, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, State-gov,252818, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Local-gov,114231, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,42, Private,111895, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,52, Private,128814, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,37, Private,168941, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,212578, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1721,20, United-States +<=50K,32, ?,251120, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,192773, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,37, State-gov,180667, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,46, Private,186172, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,309590, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,40, Private,34178, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,44, Private,103759, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,34, State-gov,137900, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,60, Private,223911, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,55720, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,2407,0,40, United-States +<=50K,39, Private,123535, 11th,7, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Guatemala +<=50K,24, Private,479296, 9th,5, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,65, ?,263125, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,2290,0,27, United-States +<=50K,63, ?,174817, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +>50K,28, Private,134890, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,183887, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1902,46, United-States +<=50K,28, Private,55360, HS-grad,9, Never-married, Sales, Other-relative, Black, Male,0,0,40, United-States +>50K,34, Private,113211, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,25, Private,224203, 11th,7, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,74, ?,132112, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,28, Private,113635, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,52262, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,202300, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,307761, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,324655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,23336, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,206199, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Federal-gov,365430, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,42740, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,39, United-States +<=50K,30, Private,160594, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-inc,202069, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,30, United-States +<=50K,22, ?,142875, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,60414, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,42, Private,340885, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,194096, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, State-gov,222506, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,60, United-States +<=50K,44, Private,55191, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,58, Private,88572, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,28, Private,216757, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,57534, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, ?,96321, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,201908, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,237868, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,285570, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,187625, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,376755, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,56, Local-gov,137078, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,175943, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,211208, 11th,7, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,105821, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,49, Private,205694, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Canada +<=50K,39, Private,148485, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,142264, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,125892, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,66, Private,250226, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,16, United-States +<=50K,19, Private,300679, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,112626, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,15, United-States +>50K,47, Private,153883, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,45, United-States +<=50K,48, Private,103648, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,41, United-States +<=50K,26, State-gov,162487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, ? +>50K,49, Local-gov,331650, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,9562,0,32, United-States +>50K,50, Self-emp-inc,171338, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,47, Self-emp-not-inc,178319, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,42, United-States +<=50K,30, Private,217460, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,182653, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,70, ?,152837, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,20, United-States +>50K,47, Private,459189, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,52, Private,87858, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,125279, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,99, United-States +>50K,39, Self-emp-not-inc,169542, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,47, Private,363418, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, England +<=50K,42, Private,198282, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,104620, Masters,14, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,15, United-States +<=50K,29, Private,176137, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, ?,168347, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,40, Private,191814, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +>50K,42, Local-gov,150533, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,35, United-States +>50K,28, Private,115677, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,19, Private,182590, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,239648, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,71, Private,139031, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Federal-gov,141340, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,170645, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105,0,40, United-States +<=50K,44, Local-gov,241506, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,72, Private,163921, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,64, Self-emp-not-inc,104958, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,144284, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,181139, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,209962, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,34, Private,87218, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,182189, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,196337, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,25, Private,238605, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,106501, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2829,0,50, United-States +<=50K,24, Private,172169, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,242922, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Male,0,0,35, United-States +>50K,56, Private,257555, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,192302, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,38, Self-emp-inc,115487, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,70160, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,410351, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,25, Private,236421, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,196662, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, Puerto-Rico +>50K,50, Self-emp-not-inc,203004, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,60, United-States +<=50K,22, Private,200819, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,222866, 10th,6, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,204160, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +>50K,54, Private,141707, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,123157, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, ? +<=50K,28, Private,219863, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, ?,29841, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,50, United-States +>50K,59, Private,35723, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999,0,40, United-States +>50K,52, Private,163948, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,255117, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,39, Private,100032, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,15, United-States +<=50K,22, Private,33087, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,324469, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,38, United-States +>50K,57, Private,337001, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,151747, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,31, Local-gov,85057, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,25, Private,257910, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,94331, 12th,8, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,250261, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,32, Private,97359, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,53, State-gov,121294, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,45, Poland +>50K,49, Self-emp-inc,211020, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,34, ?,165295, 7th-8th,4, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,65, Self-emp-inc,116057, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,6723,0,40, United-States +<=50K,52, Private,469005, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, Mexico +<=50K,30, Local-gov,197886, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,379917, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,32, United-States +<=50K,28, Private,30912, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,206889, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,87490, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,40, Local-gov,241851, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,155899, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Federal-gov,253135, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, ? +<=50K,77, Local-gov,120408, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,20, United-States +<=50K,64, Private,77884, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,43, Private,162887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,154843, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, India +<=50K,43, Local-gov,115511, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2002,40, United-States +<=50K,40, Private,121492, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,48, United-States +>50K,31, Private,103596, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,457070, 7th-8th,4, Divorced, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,19, Private,73461, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,41, Self-emp-inc,153078, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1887,70, South +<=50K,51, Private,194788, 10th,6, Divorced, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +<=50K,31, Self-emp-not-inc,203181, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,230279, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,52, Private,89041, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,92717, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,1504,40, United-States +<=50K,27, Private,257033, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,60, United-States +<=50K,40, Private,145166, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +>50K,38, Private,20308, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,203784, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,38353, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,133373, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,60, ?,167978, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,166302, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,17, Private,333304, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,265706, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,4650,0,40, United-States +>50K,65, Self-emp-not-inc,111916, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,62, State-gov,213700, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,276559, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,2444,45, United-States +<=50K,36, Private,36989, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,181566, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4508,0,40, United-States +<=50K,23, Private,202920, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Germany +>50K,32, Self-emp-not-inc,24529, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,137320, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,66, ?,106791, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,160510, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,34, ?,112584, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,233779, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,54, State-gov,276005, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,192251, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,1902,15, United-States +<=50K,70, ?,308689, 5th-6th,3, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, Cuba +<=50K,50, Private,274528, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,17, Private,23856, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +>50K,53, Private,175220, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688,0,48, Taiwan +<=50K,41, Self-emp-not-inc,233150, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,153169, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,298449, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,43, United-States +<=50K,17, Private,188949, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,157911, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,243330, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,271343, Some-college,10, Separated, Tech-support, Own-child, White, Female,0,0,32, United-States +<=50K,48, Private,45564, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,50, United-States +<=50K,47, Private,262043, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,103323, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,96480, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,47, Private,154117, HS-grad,9, Separated, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,151856, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,132053, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,1719,40, United-States +<=50K,29, Private,199118, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,36, Self-emp-not-inc,119272, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,18, Private,209792, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,185084, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,230931, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,23, Private,162282, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,185366, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Private,93557, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,160428, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,53, Private,159650, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,137678, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Self-emp-not-inc,56841, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,33124, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,31, Private,219117, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,5455,0,60, United-States +>50K,43, Private,208045, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,128578, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,60, United-States +<=50K,28, Private,351731, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,46, Private,201694, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,205152, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,73, ?,30713, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,25, Private,190107, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Federal-gov,244480, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,32, Private,347112, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Federal-gov,106297, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,128516, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,55950, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Private,324505, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,130760, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,174413, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1974,40, United-States +<=50K,29, ?,20877, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,22, Private,144238, 11th,7, Never-married, Farming-fishing, Own-child, White, Female,0,0,38, United-States +<=50K,47, Private,193047, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,300099, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, ?,369902, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,56, Self-emp-not-inc,42166, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,54, Private,171924, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Canada +<=50K,50, Private,201984, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,29, Private,306420, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Self-emp-not-inc,46746, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,37, Private,185325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,30, Private,201697, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,181372, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,39, Private,112077, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,370057, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,72591, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,105803, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,198478, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,119017, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,42, Private,138872, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,56, Federal-gov,97213, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,40, Private,36556, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,38, State-gov,200904, 10th,6, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,186256, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,30, United-States +<=50K,18, Private,115815, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, England +>50K,42, Private,308770, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Local-gov,187792, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,233571, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,1902,40, United-States +<=50K,26, Private,131913, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,26, Private,31558, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,90, United-States +<=50K,33, Private,255004, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,2354,0,61, United-States +<=50K,25, Local-gov,315287, Some-college,10, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, Trinadad&Tobago +<=50K,18, Private,182545, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,59, Private,750972, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,69, Self-emp-not-inc,505365, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,6514,0,45, United-States +<=50K,22, Local-gov,177475, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,203761, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,36104, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,179708, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-inc,77392, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,73, ?,86709, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,38, United-States +<=50K,59, Local-gov,173992, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,20, Private,119665, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,188391, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,46, United-States +>50K,51, Private,326005, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +<=50K,24, Private,203203, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,59, Private,64102, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,169188, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,45, Private,385793, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,25, Private,390537, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,25, El-Salvador +<=50K,29, Private,115677, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,42, United-States +<=50K,22, Private,230248, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,66, ?,59056, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,72, Private,108038, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, Cuba +>50K,39, Local-gov,282461, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,36, Private,184659, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,65, Private,182470, Assoc-voc,11, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,63, Private,458609, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,3674,0,30, United-States +<=50K,58, Private,104476, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,1092,40, United-States +<=50K,27, Private,200802, Assoc-voc,11, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,170608, 10th,6, Separated, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,197322, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,118358, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,520231, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,61, Self-emp-not-inc,198017, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,29, Private,131045, Assoc-voc,11, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,272166, Some-college,10, Never-married, ?, Own-child, White, Male,0,1602,30, United-States +<=50K,30, Private,110083, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,335569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,167159, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,170326, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,319052, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,0,0,37, Philippines +<=50K,57, Private,174662, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,110732, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,27, Federal-gov,409815, Some-college,10, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,50, United-States +<=50K,28, Private,79874, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +>50K,49, Private,116641, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,35, United-States +<=50K,33, Private,87209, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,64, Local-gov,152172, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, White, Male,0,0,40, ? +<=50K,46, Self-emp-not-inc,142222, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,1151,0,60, United-States +>50K,50, Local-gov,120521, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,247752, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,34161, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,589155, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,149784, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,402522, 1st-4th,2, Divorced, Farming-fishing, Unmarried, White, Male,0,0,40, Thailand +<=50K,28, Private,228346, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,415755, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,289653, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,17, Private,165018, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,19, Private,322866, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,244813, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,538193, 11th,7, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,45, Private,256367, 12th,8, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,95864, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,291167, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,126569, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +>50K,34, Private,128016, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,40, United-States +<=50K,18, ?,323584, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,65, ?,115431, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,246156, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,24, Honduras +>50K,44, Private,346081, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Local-gov,156383, Some-college,10, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,151267, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,249039, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Federal-gov,157454, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,143540, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,72, State-gov,120733, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,344381, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,42, United-States +>50K,32, Private,149787, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,268525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,396099, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,221442, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,55, Private,115198, 9th,5, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,48, United-States +<=50K,48, Federal-gov,102359, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,298885, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,93213, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,40, Private,130760, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,29, ?,236834, Some-college,10, Divorced, ?, Own-child, White, Female,0,0,15, United-States +>50K,39, Self-emp-inc,31709, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,45, Private,192053, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,95918, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,43, Germany +>50K,36, Self-emp-inc,132879, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,28, Private,64940, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,57, Private,106910, HS-grad,9, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,22, Private,210474, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,393965, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,23, Local-gov,117789, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,35, Self-emp-not-inc,134498, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,28, Private,212068, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1980,40, United-States +<=50K,27, Private,169544, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,76, ?,32995, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,37, Private,261241, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1485,50, United-States +<=50K,43, Private,145784, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +>50K,33, Private,252646, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,56, Private,161944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,249644, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,195081, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,428251, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,59, Self-emp-not-inc,198145, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,348059, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,43587, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,24, Private,318612, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,1504,40, United-States +<=50K,17, ?,235661, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,29, Private,129528, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Private,200427, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,188243, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,48, United-States +<=50K,56, Self-emp-not-inc,306633, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,85019, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,22, ?,356286, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,10, United-States +>50K,45, Private,102771, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,34739, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, United-States +<=50K,22, ?,201959, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,28, Private,126743, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,2176,0,52, Mexico +<=50K,46, Local-gov,85341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,57, Private,275943, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,82823, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013,0,30, United-States +<=50K,30, Private,183388, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,116489, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,62, Self-emp-not-inc,215789, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,19, Private,365871, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,32, United-States +>50K,63, Local-gov,199275, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,38, United-States +<=50K,39, Self-emp-not-inc,34111, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,72, ?,314567, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,40, Self-emp-inc,102576, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,55, Trinadad&Tobago +<=50K,27, Private,103524, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +<=50K,47, Self-emp-not-inc,114222, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,28, Private,246933, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,107812, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,109162, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,59, Private,112798, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,33, Private,30612, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,105994, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,113090, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,26252, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,31, Private,49469, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,24, Private,172169, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,36, Private,151029, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,46, Private,134242, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, State-gov,87282, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,19, Private,84250, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,33, Private,76107, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,60, United-States +>50K,59, Self-emp-inc,36085, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +>50K,32, Private,220333, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,46, United-States +<=50K,58, Private,105363, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,19, Private,198668, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,47, United-States +<=50K,43, Private,157473, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,126568, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,220896, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Federal-gov,236048, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,34218, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,99999,0,80, United-States +<=50K,62, Private,155915, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,139684, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Private,23778, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,236804, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,78, Private,454321, 1st-4th,2, Widowed, Handlers-cleaners, Other-relative, White, Male,0,0,20, Nicaragua +<=50K,43, Private,229148, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,50, Outlying-US(Guam-USVI-etc) +<=50K,60, Local-gov,119986, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,455399, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024,0,40, United-States +<=50K,21, Private,301694, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Mexico +<=50K,64, ?,155142, HS-grad,9, Widowed, ?, Not-in-family, Black, Male,0,0,20, United-States +<=50K,27, Private,259652, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, State-gov,156642, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +<=50K,37, Private,94208, 1st-4th,2, Divorced, Other-service, Unmarried, White, Female,0,0,35, Mexico +<=50K,31, Private,117719, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Portugal +<=50K,27, Local-gov,100817, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,31, Private,144990, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,37, Self-emp-inc,198841, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Private,223881, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,18, Private,264017, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, Canada +<=50K,23, State-gov,26842, Assoc-voc,11, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,40, Private,477345, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2057,40, Mexico +<=50K,22, Private,267412, Preschool,1, Never-married, Other-service, Own-child, Black, Female,594,0,20, Jamaica +>50K,61, Self-emp-inc,190610, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,281237, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,254593, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,33, Private,159187, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,54, United-States +>50K,51, State-gov,200450, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,140854, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,52, Private,242517, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +>50K,47, Self-emp-not-inc,294671, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,20, State-gov,68358, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,53, Private,107096, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,1669,50, United-States +<=50K,43, Private,244419, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,26, Self-emp-not-inc,195636, 10th,6, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,75, United-States +<=50K,39, Private,368586, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,37, Puerto-Rico +<=50K,30, Private,215808, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +>50K,45, Private,165822, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,193379, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,120121, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,311603, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,48, Private,323798, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,38, United-States +<=50K,32, Private,253890, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,105252, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,37, Private,220696, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,194097, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +>50K,28, Private,181291, Some-college,10, Married-civ-spouse, Other-service, Own-child, White, Female,7688,0,40, United-States +<=50K,28, Private,258594, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,138976, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,48, United-States +<=50K,22, Private,81145, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,250853, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, ?,365739, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,257863, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,203697, Masters,14, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,54, Private,87205, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,66, Self-emp-not-inc,195161, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, ? +<=50K,41, Private,470486, 1st-4th,2, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,1719,40, Mexico +>50K,46, Local-gov,93557, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +>50K,39, Private,107991, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,51, Private,63081, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,73988, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,136080, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,38, State-gov,49115, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,27, United-States +<=50K,30, Private,314649, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,18, Private,166224, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,44, ?,118484, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +>50K,56, Local-gov,291529, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,252392, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,96, Mexico +<=50K,42, Private,86912, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,193537, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,50, Puerto-Rico +<=50K,33, Private,83231, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,325461, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, Private,36011, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,274869, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,178322, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,67666, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,38, United-States +<=50K,33, Private,153005, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,27, Private,138269, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,265204, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,437318, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,208109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,50, Self-emp-not-inc,91103, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +>50K,57, State-gov,388225, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,76, Self-emp-not-inc,42162, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,2, United-States +<=50K,52, Self-emp-not-inc,417227, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,36, State-gov,180220, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,187560, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,127573, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,2202,0,45, United-States +>50K,51, Federal-gov,68898, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,78662, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, Mexico +<=50K,56, Private,158776, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,164575, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,328301, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,213897, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +>50K,40, Private,230684, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,381679, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Local-gov,360884, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,36, State-gov,256992, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,112115, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,113577, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,189382, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,45, Private,201080, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,46, Private,344415, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,201232, HS-grad,9, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,332194, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,30, Private,216864, 9th,5, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,290922, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,27, United-States +<=50K,42, Local-gov,223548, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,109419, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,45, United-States +>50K,27, Private,135296, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,59, State-gov,100270, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,18, Private,99497, 12th,8, Never-married, Other-service, Own-child, Other, Female,0,0,30, United-States +<=50K,26, ?,223665, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,84, United-States +>50K,48, Self-emp-inc,341762, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,236483, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,311570, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,32, United-States +<=50K,36, Private,588739, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, India +>50K,44, Self-emp-inc,79521, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,55, United-States +<=50K,36, Private,327435, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,229636, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,60, United-States +<=50K,26, Private,124483, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,25, India +<=50K,58, Private,218764, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,39, State-gov,178100, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,197057, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,39, Private,191161, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,55, United-States +<=50K,65, Private,266828, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,1848,0,40, United-States +<=50K,29, Private,251526, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, United-States +<=50K,22, ?,145964, HS-grad,9, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,307149, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,37238, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,42, United-States +<=50K,32, Private,129020, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,209432, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,38, Private,139364, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Federal-gov,169124, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,116391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,176025, HS-grad,9, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,44712, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,15, United-States +<=50K,35, Self-emp-not-inc,190759, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,185692, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,80576, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,31, Private,282173, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,187158, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,214468, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,185410, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,37, Private,87757, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,449578, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,309028, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,155293, 12th,8, Divorced, Sales, Not-in-family, White, Female,0,1762,45, United-States +<=50K,46, Private,32825, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,216845, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,45, State-gov,149640, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,19, State-gov,140985, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,38, Private,218188, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,27, State-gov,187327, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,182511, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,157639, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,58, United-States +<=50K,46, Local-gov,258498, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,87632, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228394, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +>50K,59, State-gov,200732, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +>50K,36, Private,49657, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Local-gov,106179, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,135267, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +>50K,65, ?,486436, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,69757, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Female,0,0,50, United-States +>50K,53, Private,190319, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1485,40, Thailand +<=50K,20, Private,188409, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,54, Private,181246, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,103573, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,180725, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,26, State-gov,34862, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,38, ? +>50K,55, Self-emp-inc,275236, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,40, Self-emp-not-inc,76487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Federal-gov,75073, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,42, United-States +<=50K,23, Private,231929, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,186410, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +>50K,42, Self-emp-not-inc,344624, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,66, Private,97847, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,30, Private,387521, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,25, ?,193511, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,35, El-Salvador +>50K,20, Private,325033, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,37, Private,285637, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,50, United-States +<=50K,20, Private,186014, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,27, Private,203160, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,190290, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,33, Private,219553, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,290882, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,54, Private,133403, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,35, United-States +<=50K,33, Private,150154, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,203076, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,158592, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,215115, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,20, Private,117476, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,159269, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,24, Private,189924, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,60, United-States +>50K,32, Local-gov,226296, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,103886, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,148508, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,79586, Some-college,10, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,35, India +<=50K,40, ?,95049, Assoc-voc,11, Separated, ?, Own-child, White, Female,0,0,40, ? +>50K,45, Self-emp-inc,192835, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,316184, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +>50K,49, Private,132476, Doctorate,16, Divorced, Tech-support, Unmarried, White, Male,7430,0,40, United-States +<=50K,44, Private,76487, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,302712, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,42, Private,225193, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,102092, 11th,7, Widowed, Craft-repair, Not-in-family, White, Male,2174,0,40, United-States +>50K,51, Private,173754, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,38238, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,41, Private,212027, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,173593, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,75, United-States +<=50K,27, Local-gov,132718, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,103588, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Local-gov,75387, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,38444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,21, Private,35603, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,11, United-States +<=50K,24, Private,588484, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,40, United-States +<=50K,62, ?,191118, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,88638, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,61, Private,27086, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,184319, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,24, United-States +<=50K,31, Private,307375, Some-college,10, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,17, Private,93511, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,32950, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,313945, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,275517, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,72, United-States +<=50K,55, Private,132145, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,377798, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,48, Private,198000, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,38, United-States +<=50K,67, Private,166591, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,1848,0,99, United-States +<=50K,72, Self-emp-not-inc,117030, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,275369, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,300584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,27, Local-gov,230997, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,73199, 12th,8, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,61, Private,362068, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,162604, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,40, Private,86143, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,39, Private,116477, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-not-inc,102308, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +>50K,57, Self-emp-inc,199067, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,90, Greece +>50K,47, Private,205100, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,127493, Assoc-acdm,12, Widowed, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,77, Self-emp-not-inc,34761, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,221480, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,8, United-States +<=50K,37, Self-emp-not-inc,216473, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,43, Self-emp-inc,147206, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,45, United-States +<=50K,50, Private,162868, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,68, Self-emp-not-inc,335701, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,250322, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Local-gov,182856, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,45, United-States +<=50K,24, Private,97743, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,42, Private,227065, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,59840, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,2174,0,40, United-States +<=50K,26, Private,140446, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +>50K,32, Federal-gov,86150, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,1977,40, United-States +<=50K,51, Private,147876, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,219199, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,28497, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,27, Private,405177, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,29, Private,320451, Bachelors,13, Married-spouse-absent, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +>50K,71, Self-emp-not-inc,30661, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514,0,40, United-States +>50K,30, Local-gov,38268, HS-grad,9, Separated, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,199900, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,39, Self-emp-inc,172538, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,194517, 11th,7, Never-married, Farming-fishing, Own-child, White, Female,0,0,18, United-States +<=50K,20, Private,129024, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,37, Private,203828, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,146659, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,29261, Assoc-acdm,12, Never-married, Other-service, Other-relative, White, Male,0,0,42, United-States +<=50K,19, Private,366109, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,29, Private,212091, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,202872, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +>50K,31, Private,373903, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,289403, HS-grad,9, Divorced, Tech-support, Not-in-family, Black, Male,0,0,40, ? +<=50K,21, Private,60552, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,188325, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,398480, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,37, Federal-gov,254202, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,27828,0,50, United-States +<=50K,41, Self-emp-inc,277858, Bachelors,13, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +<=50K,50, Private,102346, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,36, ? +<=50K,34, Private,226629, 12th,8, Separated, Sales, Unmarried, White, Female,0,0,34, United-States +<=50K,47, Private,219632, 1st-4th,2, Widowed, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +<=50K,21, Private,449101, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,330535, Doctorate,16, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,38, Private,202937, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Federal-gov,269733, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,355856, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,48, Self-emp-inc,275100, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, Greece +<=50K,30, State-gov,136997, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,136931, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,38, Thailand +<=50K,31, ?,346736, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,45, United-States +<=50K,30, Local-gov,264936, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,269722, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,28, Private,251905, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,57, Private,180636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,116915, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,182516, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,49, Local-gov,199862, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2179,40, United-States +>50K,44, Private,127482, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +<=50K,44, Private,142968, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,115258, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,190822, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,31, United-States +>50K,50, Local-gov,68898, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,17, Self-emp-inc,151999, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,28, Self-emp-not-inc,236471, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Local-gov,29075, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,5013,0,40, United-States +<=50K,43, State-gov,186990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,48, Private,210369, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,57, ?,179644, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,5, United-States +<=50K,28, Private,119128, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,188386, HS-grad,9, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,120645, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,58, Local-gov,303176, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,358434, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,57, Private,36091, HS-grad,9, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,48, Private,250648, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,49, Private,131918, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-not-inc,151504, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,161880, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,50, United-States +<=50K,45, Private,123681, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,94090, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,129980, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +>50K,50, Private,237258, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,48, United-States +<=50K,65, Self-emp-not-inc,147377, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +>50K,36, Federal-gov,253627, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,63, ?,528618, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,27881, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,79874, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,156981, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,46, Local-gov,195418, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,175185, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,273796, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,37, State-gov,373699, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,82508, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,162551, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Hong +<=50K,24, Private,166297, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,25, United-States +<=50K,25, Local-gov,100125, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,175690, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,184441, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,42, United-States +>50K,28, Self-emp-inc,167737, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +<=50K,58, Private,186121, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,177851, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,106961, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,419712, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,40, Local-gov,208875, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,373628, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,1504,40, United-States +<=50K,26, Private,331861, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, England +<=50K,29, Private,249948, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,50, Private,99316, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,252570, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,89160, 12th,8, Never-married, Priv-house-serv, Own-child, White, Female,0,0,18, United-States +<=50K,25, Private,49092, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,87757, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,806552, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,70754, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, United-States +<=50K,28, Private,150437, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,71, ?,46836, 7th-8th,4, Separated, ?, Not-in-family, Black, Male,0,0,15, United-States +>50K,34, State-gov,117186, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,49, Private,239625, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,128483, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +<=50K,17, Private,53367, 12th,8, Never-married, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,20, Private,358355, 9th,5, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,139522, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1573,40, Italy +<=50K,26, Private,93017, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Private,101320, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1564,40, Canada +>50K,57, Self-emp-inc,105582, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,40, United-States +>50K,40, Private,121718, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, Private,111836, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,58, Private,96840, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,37, United-States +<=50K,62, Local-gov,176839, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +>50K,41, Local-gov,193553, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,64, United-States +<=50K,46, Private,168232, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,146325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Yugoslavia +<=50K,33, Private,111567, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,478354, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,30, Private,209768, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,188909, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,321313, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,19, ?,264228, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,22, Private,345066, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,32855, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,33, Self-emp-inc,287372, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,214807, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Local-gov,275110, Some-college,10, Married-civ-spouse, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,352089, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,33, State-gov,110171, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1092,40, United-States +<=50K,20, Private,211391, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,51, Private,91506, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +<=50K,52, Private,180949, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,64, Self-emp-inc,169072, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,33, Private,264554, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,38, Private,99065, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,30, Private,201122, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,323636, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, Canada +>50K,37, Local-gov,184112, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,243367, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,37, United-States +<=50K,25, State-gov,149248, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Local-gov,248748, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,242616, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,207246, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,40, United-States +<=50K,75, Self-emp-not-inc,343631, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,15, United-States +<=50K,53, Private,403121, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Self-emp-not-inc,184435, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,181405, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,67, Self-emp-not-inc,75140, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,29, Self-emp-not-inc,467936, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, ? +<=50K,32, Self-emp-not-inc,181212, Some-college,10, Separated, Farming-fishing, Unmarried, White, Female,0,0,65, United-States +<=50K,42, Private,324421, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +>50K,41, Private,344624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,98735, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,48, Local-gov,186172, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,107157, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,353871, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,175958, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,62, Private,252134, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, Cuba +<=50K,30, Private,95923, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,56, Local-gov,203250, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,296212, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +<=50K,22, Private,333838, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,345730, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,53, Federal-gov,128141, Bachelors,13, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,53, Private,249347, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Cuba +<=50K,51, Private,171914, 9th,5, Widowed, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Private,344519, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,34, Self-emp-inc,196385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,87546, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,85668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,126613, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,239753, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,162796, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,52, Federal-gov,197189, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,33, State-gov,25806, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, ? +<=50K,28, Private,89813, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, State-gov,142167, Masters,14, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, ? +>50K,40, Private,171589, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,60, Private,203985, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,394191, 12th,8, Never-married, Transport-moving, Own-child, White, Male,0,0,55, Germany +<=50K,50, Private,155433, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,39581, Bachelors,13, Separated, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,305834, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,200220, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,229732, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,190333, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,155983, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Private,211351, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,4386,0,40, United-States +<=50K,19, ?,505168, 9th,5, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,49, Private,256417, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,40, Mexico +<=50K,17, ?,165069, 10th,6, Never-married, ?, Own-child, White, Male,0,1721,40, United-States +<=50K,20, Private,249385, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,20, United-States +>50K,53, Private,168723, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,165866, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,48, Private,48553, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,72, United-States +<=50K,27, Private,244751, HS-grad,9, Never-married, Adm-clerical, Own-child, Other, Male,0,0,40, United-States +<=50K,21, Private,228230, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,152951, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,29023, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,48, Self-emp-not-inc,136455, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +>50K,38, ?,245372, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,75, United-States +<=50K,19, ?,155863, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,30, United-States +<=50K,37, Private,126675, Some-college,10, Widowed, Machine-op-inspct, Other-relative, White, Male,0,0,40, ? +<=50K,37, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,44, United-States +<=50K,39, Federal-gov,33289, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,35, Private,111377, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,103651, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,56, Private,53481, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,238917, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,25, Private,167495, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Federal-gov,114222, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,32, Private,182323, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,24, Private,137589, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,32, Private,181091, Bachelors,13, Never-married, Sales, Own-child, White, Male,13550,0,35, United-States +<=50K,41, Private,156580, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, Dominican-Republic +>50K,32, Private,210926, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,37, Self-emp-not-inc,255503, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,116546, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,66, Self-emp-not-inc,34218, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,18, ?,305327, Some-college,10, Never-married, ?, Own-child, Other, Female,0,0,25, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,858091, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,79646, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,42, Private,103089, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,1506,0,40, United-States +<=50K,40, Self-emp-not-inc,145441, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,30, United-States +<=50K,20, State-gov,117210, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,379246, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,130018, 11th,7, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,121466, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,339518, Assoc-acdm,12, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,33, Private,388672, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,56, Self-emp-not-inc,190091, Assoc-voc,11, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,46, United-States +<=50K,27, Private,197918, 11th,7, Never-married, Craft-repair, Unmarried, Black, Male,0,0,47, United-States +<=50K,31, Private,361497, 7th-8th,4, Never-married, Farming-fishing, Other-relative, White, Male,0,0,60, Portugal +>50K,61, ?,451327, Bachelors,13, Married-civ-spouse, ?, Husband, Other, Male,0,0,24, United-States +<=50K,22, Private,340217, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,32, Self-emp-not-inc,63516, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,29, Private,269786, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,63338, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,179127, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Italy +<=50K,35, Private,124090, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,215188, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,482082, 11th,7, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,19, Private,234725, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,289890, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,232036, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,195416, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, Private,22154, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,103734, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,32, Local-gov,32587, HS-grad,9, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,27, Private,190303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,270488, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,104509, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,47, Self-emp-not-inc,132589, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,37, Private,112812, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,126441, Some-college,10, Married-spouse-absent, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,123075, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,207955, 5th-6th,3, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, Ecuador +<=50K,51, Private,43705, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,116968, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,182142, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,74056, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,33, Self-emp-not-inc,132565, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Private,256796, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,62, Self-emp-inc,191520, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,80, United-States +<=50K,37, Self-emp-not-inc,33394, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,45, Local-gov,45501, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,25, Private,74389, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,201874, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,143804, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +<=50K,29, Local-gov,95471, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,267458, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,70668, 10th,6, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +>50K,34, Local-gov,260782, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,52, United-States +<=50K,50, Private,299215, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,99156, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,46, United-States +<=50K,52, Federal-gov,53905, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,94210, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,48, United-States +<=50K,31, Private,116508, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,176711, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,118058, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,23, State-gov,89285, Some-college,10, Never-married, Protective-serv, Not-in-family, Other, Female,99999,0,40, United-States +<=50K,52, Private,91093, Some-college,10, Divorced, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,204577, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,162041, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,48, Private,175615, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Japan +>50K,40, Private,99679, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,43, United-States +<=50K,22, Private,263398, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Private,147653, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,58, ?,32521, 11th,7, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Self-emp-inc,198871, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,88, United-States +>50K,34, Private,127651, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,143608, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,50048, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,73, ?,378922, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,20, Canada +<=50K,27, Private,292883, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,62, Private,190491, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,57, State-gov,132145, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +>50K,34, Private,126853, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,22, Private,59184, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Private,663291, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105,0,40, United-States +<=50K,29, Local-gov,76978, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,50, United-States +>50K,34, Self-emp-not-inc,196512, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,2472,35, United-States +<=50K,17, ?,103851, 11th,7, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,35, Private,241126, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,65, Private,266828, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,27, Private,204984, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1579,40, United-States +>50K,46, Private,188950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,35, Private,226528, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, Other, Male,0,0,60, England +<=50K,38, Private,268893, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,165473, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Private,447554, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,54, Self-emp-inc,304955, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,30, Private,198265, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,395206, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,312667, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,2174,0,55, United-States +<=50K,23, Private,117767, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,36, United-States +>50K,40, Private,170482, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,14344,0,45, United-States +>50K,29, Private,309778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,28, Private,289991, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,255543, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,119079, 11th,7, Married-civ-spouse, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,37, Private,318168, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,1055,0,20, United-States +<=50K,39, Private,67317, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,337953, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,451603, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,30, Private,455995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, State-gov,209768, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,27385, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,226296, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,47, Private,285335, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,376700, Bachelors,13, Never-married, Sales, Own-child, Black, Male,6849,0,50, United-States +<=50K,33, Private,150324, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,49, United-States +<=50K,62, Private,96460, HS-grad,9, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, ?,188141, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,60, United-States +<=50K,42, Private,163985, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,27, United-States +<=50K,63, Private,85420, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,15, United-States +<=50K,21, Private,416103, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,65, Self-emp-inc,224357, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,116062, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,194259, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,55, ? +<=50K,33, Private,460408, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Mexico +<=50K,67, Self-emp-not-inc,178878, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,12, United-States +<=50K,36, Private,416745, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,292136, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,30, United-States +<=50K,60, Private,176731, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,104097, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,203482, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,360224, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,67, Private,23580, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,195891, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,182862, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,64, Private,148956, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,24, ?,95862, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,48393, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,32, United-States +<=50K,40, Private,132633, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,1741,40, United-States +<=50K,35, Local-gov,182074, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, State-gov,136848, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,53, Private,197054, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, State-gov,243033, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Self-emp-inc,154174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,59380, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +>50K,38, Federal-gov,122240, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,193945, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,350103, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,32365, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,56, Private,94345, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,166437, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,149653, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,57, Private,157271, 11th,7, Divorced, Other-service, Not-in-family, Black, Male,0,0,54, United-States +>50K,60, Private,164599, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,81, Self-emp-inc,104443, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, ? +<=50K,46, Private,411595, 5th-6th,3, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,18, Private,198368, 11th,7, Never-married, Other-service, Own-child, White, Male,594,0,10, United-States +<=50K,42, Self-emp-not-inc,115932, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,158397, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,101345, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,48853, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, Cuba +<=50K,39, Private,38145, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,31, Private,127651, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,38, United-States +<=50K,28, Private,185896, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,47, Mexico +<=50K,34, State-gov,92531, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,195904, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,41, State-gov,153095, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,581025, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,38, United-States +<=50K,61, Local-gov,202384, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,46, Local-gov,122177, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,405713, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,212185, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +<=50K,36, Private,266347, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,31, Private,49469, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,210830, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Local-gov,188612, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,104017, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,30, United-States +<=50K,23, Private,154785, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,20, Private,39477, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,72, Private,99554, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,10, Poland +<=50K,61, Private,255978, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Local-gov,98823, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Federal-gov,109598, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,266971, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,334593, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,41035, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,35, State-gov,238591, Some-college,10, Separated, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,44, Local-gov,117012, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +<=50K,30, Private,192002, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,137135, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,69, Private,150600, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,70, Private,117464, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,16, United-States +<=50K,42, Self-emp-not-inc,111971, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,290044, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, Canada +<=50K,17, Private,197186, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +>50K,51, Self-emp-not-inc,61127, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,236379, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,30, United-States +<=50K,31, Private,207100, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +>50K,50, Self-emp-inc,288630, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,203181, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,36, United-States +<=50K,43, Private,146770, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,191789, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,453983, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,32, Self-emp-not-inc,106014, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Private,218955, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,62, Private,115771, Assoc-voc,11, Widowed, Sales, Unmarried, White, Female,0,0,33, United-States +>50K,36, Private,305379, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,53063, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,139466, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,64, State-gov,152537, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,400535, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,330802, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,117789, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,330836, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,323985, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,5, United-States +>50K,50, Local-gov,282701, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,48, United-States +<=50K,45, Private,180695, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,1408,40, United-States +>50K,38, Private,314007, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +<=50K,51, Without-pay,124963, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,47, Private,380922, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,53, Local-gov,222381, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,656488, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Male,0,0,50, United-States +>50K,38, Private,98776, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,143050, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,118792, 11th,7, Never-married, Sales, Other-relative, White, Female,0,0,24, United-States +<=50K,21, Private,154964, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Black, Female,0,0,40, United-States +>50K,41, Private,163847, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,282398, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Private,78954, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,28, United-States +>50K,38, Self-emp-not-inc,203988, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +>50K,54, Private,111130, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +>50K,45, Private,149388, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,39464, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Local-gov,94064, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, State-gov,342510, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,66, Self-emp-not-inc,163726, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, United-States +<=50K,35, Private,194496, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,66, Self-emp-not-inc,298045, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,42100, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,30, Private,77143, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,25, United-States +<=50K,38, Private,233197, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,17, Private,295120, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,85021, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,54, ?,191659, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,244194, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +<=50K,32, Local-gov,287229, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, Japan +<=50K,18, Private,324046, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,33, State-gov,65018, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, China +<=50K,37, Private,421633, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,93235, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Local-gov,227232, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, ?,121775, Assoc-voc,11, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,65382, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,179422, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,53, Federal-gov,276868, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,87317, 10th,6, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +>50K,32, Private,108247, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,197505, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,127493, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,2, United-States +<=50K,51, Private,75640, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, ?,320811, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,247053, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,119735, 9th,5, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +>50K,29, Private,157950, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,113732, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Self-emp-inc,224763, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Cuba +<=50K,42, Self-emp-not-inc,40024, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,66, United-States +>50K,42, Self-emp-not-inc,296594, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Federal-gov,53956, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,38, Self-emp-inc,71009, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,7298,0,40, ? +<=50K,34, Private,191834, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,107236, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,231284, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,40, Puerto-Rico +<=50K,31, State-gov,203488, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,41721, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,205100, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,80, United-States +<=50K,57, Private,75673, Some-college,10, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, ?,105598, 11th,7, Never-married, ?, Not-in-family, White, Male,0,1762,40, Outlying-US(Guam-USVI-etc) +<=50K,63, Self-emp-not-inc,177832, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,478457, 11th,7, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,30, United-States +<=50K,28, Local-gov,194759, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,1669,90, United-States +<=50K,64, Self-emp-not-inc,30310, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,29, Private,130010, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,170302, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +>50K,46, Private,120080, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,77, Private,183781, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,5, United-States +<=50K,31, Private,422836, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +>50K,46, Private,266860, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,393456, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, State-gov,318382, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,354520, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Private,123425, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,41, United-States +>50K,52, Private,123989, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175778, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,28, State-gov,73928, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,31, Private,33731, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,41, Private,557349, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,255252, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +>50K,40, Private,219164, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,5178,0,40, United-States +<=50K,21, Local-gov,129050, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,61, Private,111797, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,32, United-States +<=50K,34, Private,192900, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,56651, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,51961, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,55, Philippines +<=50K,37, Private,141584, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,47, United-States +<=50K,18, Private,421350, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,52, Private,24740, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,55, United-States +<=50K,31, Local-gov,498267, HS-grad,9, Separated, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,117583, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,191455, Some-college,10, Married-civ-spouse, Tech-support, Wife, Other, Female,0,0,15, United-States +<=50K,22, Private,135716, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,27766, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,323919, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,73, Local-gov,114561, 5th-6th,3, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,25, Philippines +<=50K,17, Private,216137, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,49, Private,165539, HS-grad,9, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,35, United-States +>50K,42, Private,32016, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +>50K,35, Private,89040, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,264514, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,50, Private,24790, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,181139, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,42, United-States +<=50K,18, Private,168514, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,17, Private,354493, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,6, United-States +<=50K,33, Private,206707, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,230684, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,192381, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,397752, HS-grad,9, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,12, Mexico +<=50K,52, State-gov,120173, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228394, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,83, Private,186112, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,272237, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,45, Federal-gov,169711, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,72, United-States +<=50K,40, Self-emp-not-inc,172560, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,213700, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,23, Private,181820, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,120361, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +>50K,47, Local-gov,169324, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,4386,0,35, United-States +>50K,32, Private,262092, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,24, Private,143436, Bachelors,13, Never-married, Prof-specialty, Own-child, Other, Female,0,0,10, ? +>50K,43, Private,147099, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,55, Private,138594, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,58, Self-emp-not-inc,100606, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,25, Private,350850, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,66432, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,44, Local-gov,229148, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,236601, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,46, Private,144844, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,366088, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,162164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,442478, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,25, Private,181814, 11th,7, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,175109, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +<=50K,34, Self-emp-inc,152109, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,246891, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +>50K,30, Private,164802, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Other, Female,8614,0,40, India +<=50K,21, Private,57711, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Local-gov,117789, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,67, Private,120900, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,28, Private,114673, Masters,14, Never-married, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,45, Private,78529, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,282165, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,149337, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,250517, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, ?,76131, HS-grad,9, Never-married, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,352971, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,243981, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,55, ?,421228, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,94156, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,306868, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,43, Private,187164, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,179415, 10th,6, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,64, Private,45776, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,1762,79, United-States +<=50K,62, Private,256723, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,31909, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,68, Private,90526, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,35, ?,127306, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,179423, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,39, Private,140169, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +>50K,29, Private,37359, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,24, Private,125813, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,33, Private,209415, 10th,6, Divorced, Protective-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,41, Private,206619, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,283737, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,162187, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,30, Self-emp-inc,191571, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,33725, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,236543, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,40, United-States +<=50K,26, Federal-gov,73047, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,20, Private,230574, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,32, Private,178109, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,36, United-States +>50K,58, Private,282023, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,101761, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,98168, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,22, Private,287681, 11th,7, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +<=50K,39, ?,265685, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,65, Puerto-Rico +<=50K,38, State-gov,91670, Some-college,10, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, State-gov,61989, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,23, Private,138513, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,95423, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, Federal-gov,30917, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,20, ?,316304, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,102791, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,416506, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,14084,0,36, United-States +<=50K,20, Self-emp-inc,245611, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,47, Federal-gov,655066, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,0,40, Peru +<=50K,57, Self-emp-not-inc,87584, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,47, Self-emp-not-inc,304223, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,40690, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,18, Private,348131, 11th,7, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,64, Private,191477, 5th-6th,3, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,4, United-States +<=50K,29, Private,115438, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,47, Federal-gov,176917, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,40, ?,104196, HS-grad,9, Separated, ?, Own-child, White, Male,0,0,45, United-States +>50K,28, Private,202182, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,308239, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,4, United-States +>50K,34, Private,163581, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,10520,0,40, Puerto-Rico +<=50K,34, Local-gov,211239, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,6497,0,40, United-States +<=50K,31, Private,121321, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, United-States +<=50K,23, State-gov,120172, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,48, United-States +<=50K,20, Private,190916, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,1721,20, United-States +<=50K,25, Private,340288, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,426431, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,226027, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,278736, 12th,8, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,48, Private,168462, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,379070, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,214541, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +>50K,52, Self-emp-inc,29887, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,53, Self-emp-not-inc,138022, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +>50K,57, Self-emp-inc,208018, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,126876, HS-grad,9, Divorced, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,182703, Masters,14, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,34, Private,161153, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,44, Self-emp-not-inc,168443, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,335522, 9th,5, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,27, Private,220104, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1876,50, United-States +<=50K,28, ?,162312, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, South +>50K,36, Private,104772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,161472, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,91506, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,186717, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,77927, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Female,0,0,50, Philippines +<=50K,55, Private,140063, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Self-emp-inc,317580, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,122533, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,57423, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,103331, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,64, State-gov,417543, Doctorate,16, Widowed, Prof-specialty, Not-in-family, Black, Male,8614,0,50, United-States +>50K,56, Private,253854, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,106850, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-inc,314007, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,78, United-States +<=50K,23, Private,494371, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Local-gov,270421, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,203488, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,40, United-States +<=50K,35, Private,167691, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,198318, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,37, Private,319831, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,70240, Masters,14, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,36, Philippines +<=50K,67, Private,227113, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2457,40, United-States +<=50K,22, Private,168997, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, State-gov,231929, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,22, Private,207969, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,35, United-States +<=50K,68, Private,192656, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +<=50K,31, Private,187215, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,51, Self-emp-inc,119570, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,64, Private,188659, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,35, Private,110013, Bachelors,13, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,55860, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-inc,282069, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Federal-gov,26585, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,46, Self-emp-inc,218890, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,35, Private,211154, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,230095, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,737315, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,50, Private,144084, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,48384, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,541755, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,178778, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,1340,40, United-States +<=50K,28, Private,436198, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,37, Private,82521, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064,0,46, United-States +<=50K,39, Private,367020, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,174461, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,162501, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,193026, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,218172, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,41, Private,110318, Masters,14, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,36, Private,126675, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1579,40, United-States +<=50K,24, Private,116788, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,161092, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,159109, 11th,7, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,213191, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,240629, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,17, Private,227960, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,10, Puerto-Rico +>50K,54, Private,151580, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, France +<=50K,41, Private,160893, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,35, Local-gov,184117, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,18, Private,32059, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,23, United-States +<=50K,42, Private,361219, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,60, Private,334984, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,2231,40, United-States +<=50K,49, Self-emp-not-inc,33300, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,57, Private,199713, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,43, Private,401134, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,2238,40, United-States +<=50K,37, Private,132702, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,306693, Some-college,10, Married-civ-spouse, ?, Other-relative, White, Female,0,0,20, United-States +<=50K,20, Private,286166, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Private,123515, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,132053, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,20, Self-emp-inc,266400, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,42, Local-gov,335248, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +>50K,81, Private,36147, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605,0,2, United-States +<=50K,21, Private,266467, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,2205,40, United-States +<=50K,43, Private,143809, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,39, Private,334366, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,41, Private,347653, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,32, Private,386806, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,45, Mexico +<=50K,48, Private,202322, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, El-Salvador +<=50K,50, Private,594521, 9th,5, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,174267, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,64, United-States +<=50K,18, ?,169542, 12th,8, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,54, Private,227392, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,99131, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Self-emp-inc,225860, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,287317, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,42, Private,46091, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,170050, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, State-gov,352317, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,56, Private,225267, Some-college,10, Divorced, Sales, Not-in-family, White, Male,14084,0,60, United-States +<=50K,28, Private,217545, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, ? +>50K,33, Private,183778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,210013, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,49115, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,44, United-States +<=50K,31, Private,310429, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,70, United-States +<=50K,33, Private,114691, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,46, Private,124356, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,51284, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,36, United-States +<=50K,47, ?,294443, Assoc-voc,11, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,200009, 10th,6, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,258862, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,18, United-States +<=50K,35, Private,37778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,402771, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,42, Federal-gov,201520, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,43, United-States +<=50K,47, Local-gov,55237, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +<=50K,63, ?,52750, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,197189, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,4650,0,48, United-States +<=50K,39, Private,96564, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,334105, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,115323, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,157289, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +>50K,52, Private,320877, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,198186, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, ? +>50K,62, Private,195543, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,48, Private,103406, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +<=50K,22, ?,320451, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,24, ? +<=50K,18, Private,23940, Some-college,10, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,46, Private,45857, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,29, Private,195557, Assoc-acdm,12, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,229148, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,21, ?,152328, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,186157, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,127712, Assoc-voc,11, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,45, Poland +<=50K,24, Private,254351, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,61, Private,182163, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,34, Private,442656, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,65, Guatemala +<=50K,30, Private,111363, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,491000, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,45, State-gov,156065, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,243743, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,47, Self-emp-not-inc,173938, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2258,20, United-States +>50K,37, Private,86308, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,216068, Assoc-acdm,12, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,237432, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,177216, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,212895, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,122749, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Germany +>50K,44, Private,254303, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Hungary +<=50K,20, Private,73679, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,455995, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,214288, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,48, United-States +<=50K,28, Private,228075, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Hong +<=50K,35, Private,412017, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,41, Private,236900, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,289442, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Local-gov,237298, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, State-gov,47072, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,8, United-States +<=50K,25, Private,197036, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, State-gov,175507, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,53, Private,350131, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,48, United-States +<=50K,35, Private,150057, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,48, United-States +>50K,40, Self-emp-inc,190650, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,45, South +<=50K,27, Private,430672, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,50, Private,99316, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, ?,191776, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +>50K,33, Private,97723, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,50, United-States +<=50K,28, ?,197288, 11th,7, Never-married, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,36, Private,239409, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,195554, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,76855, Some-college,10, Divorced, Transport-moving, Unmarried, White, Female,0,0,53, United-States +<=50K,43, Private,281315, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,76, Local-gov,224058, 10th,6, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,20, United-States +<=50K,23, Private,232799, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,2977,0,55, United-States +<=50K,29, Private,174163, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,47178, 5th-6th,3, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,97950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,6, United-States +<=50K,26, Private,342765, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,42, Local-gov,209818, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,55, United-States +>50K,36, Private,349534, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,31, United-States +<=50K,43, Self-emp-inc,170214, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,28, Private,145284, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,124161, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,105357, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,355700, Prof-school,15, Married-AF-spouse, Prof-specialty, Wife, White, Female,99999,0,60, United-States +<=50K,30, Private,99928, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,308739, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,58, Self-emp-inc,179781, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,52, Federal-gov,297906, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,25, Private,189663, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,339029, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Self-emp-not-inc,87076, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,109928, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,55, Private,218456, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,26, Local-gov,176756, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,75, United-States +>50K,69, ?,214923, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,191789, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, ? +<=50K,19, Private,238383, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,315476, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,195148, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,49, ?,174274, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,80, United-States +<=50K,42, Private,143208, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, ? +<=50K,40, Private,30201, Assoc-voc,11, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Self-emp-inc,200352, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,117028, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,30, Poland +<=50K,45, Private,44489, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,0,0,65, United-States +<=50K,52, Private,236222, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,496856, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,29, Private,132675, 11th,7, Separated, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,42, Private,89226, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,36, ?,112660, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,294466, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,58, Private,201011, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,24, United-States +>50K,47, Private,27624, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,65, United-States +<=50K,31, Private,385959, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Private,214691, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,34, Private,196253, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Local-gov,242341, Some-college,10, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,23, Private,195016, Some-college,10, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,35, United-States +>50K,47, Private,174794, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, England +<=50K,59, Self-emp-not-inc,134470, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2635,0,60, United-States +<=50K,17, Private,166360, 10th,6, Never-married, Craft-repair, Own-child, White, Female,0,0,30, United-States +<=50K,40, Local-gov,26671, Bachelors,13, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,589838, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,45, Private,149169, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,287920, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,57, Private,56080, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,22, State-gov,211798, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +>50K,30, Private,415266, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,147110, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,32, Private,228873, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,40, Private,305348, 9th,5, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +>50K,50, Federal-gov,189831, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,50, United-States +<=50K,45, Private,247379, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Federal-gov,198841, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,364986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1628,47, United-States +>50K,31, Private,203488, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,31, Private,141118, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,24, United-States +>50K,49, Self-emp-not-inc,155862, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,324550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,174353, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,82, Self-emp-not-inc,181912, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,12, United-States +>50K,45, Private,168191, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,37, United-States +>50K,35, ?,216068, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,5178,0,12, United-States +>50K,41, Private,125461, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,162688, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,234406, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,41, State-gov,114537, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,68111, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,322799, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,479296, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Private,323385, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,63, Private,162772, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,53, Private,27166, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,10520,0,40, United-States +<=50K,55, ?,142642, HS-grad,9, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,162954, Some-college,10, Married-AF-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,90533, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,52, Private,234286, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,84, United-States +<=50K,17, Private,355559, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,18, United-States +<=50K,35, Private,32528, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,132847, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,279724, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Private,30827, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,179772, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,112264, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,93690, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,178983, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, ?,194740, 10th,6, Widowed, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,48, Local-gov,283037, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,312485, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,30, Private,202450, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Local-gov,272569, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,231865, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195693, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,27, Private,108574, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,605504, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,140985, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, England +<=50K,22, State-gov,160369, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,29, Private,303440, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,263871, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,28338, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-inc,298624, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,41, Private,139126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,57, Private,197994, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,32, United-States +<=50K,34, Local-gov,241259, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,248568, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,59, Self-emp-not-inc,304779, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,58, Private,143266, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,169719, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,34, Private,257128, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,78507, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,490332, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,244200, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, Puerto-Rico +>50K,44, Self-emp-not-inc,95298, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,329174, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,107142, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,39, State-gov,33975, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,201579, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +>50K,39, Self-emp-not-inc,122852, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,35, Private,272742, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,27828,0,60, United-States +<=50K,53, Private,161691, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,4865,0,40, United-States +>50K,41, Local-gov,223410, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,90, Private,250832, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2414,0,40, United-States +<=50K,44, Local-gov,282069, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,369164, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,81, Self-emp-not-inc,218521, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,21, United-States +<=50K,19, Private,136405, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,40, Private,199018, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,299249, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,235567, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,52, United-States +<=50K,51, Self-emp-not-inc,73493, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,54, Private,320012, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,37, Self-emp-inc,183898, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,190027, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,31, Private,87891, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,304001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,171424, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,123807, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,22, ?,210802, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,24, United-States +<=50K,25, Private,80220, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,216413, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,423453, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,16, United-States +<=50K,30, Private,178835, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,304001, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,167482, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,32, Private,26543, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,2231,40, United-States +<=50K,52, Private,176409, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, State-gov,87018, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,251603, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Local-gov,366180, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,186916, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,55, United-States +<=50K,30, Self-emp-not-inc,164461, 11th,7, Divorced, Sales, Unmarried, White, Male,0,653,40, United-States +<=50K,42, Private,54102, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,199058, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,22, Private,293324, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,96798, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,132340, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,3, United-States +<=50K,45, Private,175925, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Self-emp-not-inc,33230, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,15, United-States +<=50K,20, Local-gov,298871, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,10, United-States +<=50K,26, Private,142760, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Male,0,0,50, United-States +<=50K,30, Private,200700, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,117310, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,60, ? +<=50K,44, Private,238188, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,354496, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,416541, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,52, Private,42902, 9th,5, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,180317, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,378581, 12th,8, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, United-States +>50K,45, Local-gov,213620, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,58, Private,186905, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,99999,0,40, United-States +<=50K,47, Private,182054, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Local-gov,189634, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,25, Local-gov,170070, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Private,445382, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,168211, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,22, Private,341760, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,152452, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,558752, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,28, Private,153813, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,54, Private,81859, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,51664, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,334421, Bachelors,13, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, China +<=50K,35, Private,239415, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,57, Local-gov,62701, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,6849,0,40, United-States +>50K,37, Self-emp-inc,347491, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Local-gov,108739, 11th,7, Widowed, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,340917, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,2174,0,45, United-States +<=50K,54, Federal-gov,160636, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,49, Private,116927, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,179423, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,347829, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,4, United-States +>50K,62, Self-emp-not-inc,56317, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,37, Self-emp-inc,347189, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,201520, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,43533, 5th-6th,3, Separated, Other-service, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,20, Private,313786, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,367216, Some-college,10, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,28, United-States +<=50K,23, Private,408988, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,48, Private,175662, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,77, Self-emp-not-inc,161552, Preschool,1, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,26, Private,311743, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,39, United-States +<=50K,25, Private,323229, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,163204, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,40, United-States +<=50K,25, Private,201481, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,154210, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,36, Local-gov,247547, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Self-emp-inc,254230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,58, United-States +>50K,33, Private,156464, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,108322, Some-college,10, Married-AF-spouse, Craft-repair, Husband, White, Male,0,0,28, United-States +>50K,33, Private,213179, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,160122, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,20, United-States +<=50K,64, ?,80392, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,36, Local-gov,254202, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,24, Germany +<=50K,26, State-gov,232914, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,206609, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,1876,40, United-States +<=50K,33, Private,44623, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,199005, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,403344, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,118577, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +>50K,37, Private,122889, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298,0,40, Taiwan +<=50K,23, Private,196508, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,24, United-States +<=50K,26, Private,40915, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,143774, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,22, Private,173004, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,1, United-States +>50K,49, Private,353824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,53, Private,171058, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,335400, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,30, Local-gov,263650, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,17, United-States +<=50K,59, Private,187025, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,49, Private,149218, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,190916, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,240989, 1st-4th,2, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,47, Private,216093, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +>50K,42, Private,111483, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,214810, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Private,165402, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,5178,0,40, United-States +>50K,50, Federal-gov,36489, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,173923, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,20, Private,273147, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,113814, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,118768, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +>50K,62, Federal-gov,34916, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,73023, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,46, State-gov,179869, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,259131, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,5455,0,40, United-States +<=50K,52, Private,257756, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,53, Private,448862, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,31, Private,150553, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,30, Private,205152, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,220499, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,134252, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,20, Private,175808, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,185621, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,278391, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,22, Self-emp-not-inc,174907, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,40, Private,175642, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Self-emp-not-inc,216889, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,183557, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,196674, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,169188, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,203785, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,196707, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,37, Private,190297, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,255595, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,5, United-States +<=50K,38, Self-emp-not-inc,374983, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,176178, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,35, Private,181165, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Local-gov,212490, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,61, Private,215766, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,261688, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,123417, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,29, Private,108431, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,2415,40, United-States +<=50K,58, Private,32954, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,224752, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,122353, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +>50K,37, Private,176159, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,189407, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,181772, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,109133, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,165229, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,315449, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,40, Private,37848, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Federal-gov,54595, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,127914, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,121596, Some-college,10, Never-married, Other-service, Own-child, White, Female,2907,0,35, United-States +<=50K,38, Private,95336, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, ?,299197, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,23, United-States +<=50K,58, Private,299991, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,28, Private,70034, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Portugal +>50K,30, Private,256970, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,29, Private,108706, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,52, Private,227832, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,272865, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,60070, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,40, Private,223730, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,51, Self-emp-not-inc,22743, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1740,40, United-States +<=50K,26, Private,195994, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,181242, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,133169, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, India +<=50K,22, Private,99199, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,246949, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,284889, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,41, United-States +>50K,35, Private,150309, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,1887,40, United-States +<=50K,24, Private,201799, Bachelors,13, Never-married, Transport-moving, Own-child, White, Female,0,0,84, United-States +>50K,58, Private,52090, Prof-school,15, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,83, Local-gov,107338, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,12, United-States +>50K,45, Private,32356, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,50092, Bachelors,13, Divorced, Exec-managerial, Unmarried, Other, Male,0,1138,40, United-States +<=50K,28, Private,311446, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Federal-gov,128553, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,203203, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,429281, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, ? +<=50K,31, Private,192660, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +>50K,30, Local-gov,170449, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,57, ?,221417, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,80, ?,156942, 1st-4th,2, Separated, ?, Not-in-family, Black, Male,0,0,15, United-States +<=50K,21, Private,177504, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,378546, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,39, United-States +<=50K,39, Self-emp-not-inc,33001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,213722, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,152307, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,55, United-States +<=50K,61, Self-emp-not-inc,53777, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,60668, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,34, Private,132544, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,99, United-States +<=50K,53, Private,277772, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,415755, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,51, Private,136080, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,31, United-States +<=50K,29, Private,241607, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,2597,0,40, United-States +<=50K,22, Private,180190, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,400356, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,55, Federal-gov,154274, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,40, United-States +<=50K,48, Private,146497, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,37, United-States +>50K,47, Private,189498, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,65, United-States +<=50K,32, Private,65942, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,56, United-States +<=50K,27, Self-emp-not-inc,151382, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,56651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,164488, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,27, Local-gov,183061, HS-grad,9, Never-married, Farming-fishing, Own-child, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,31, Private,289228, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,28, Private,38918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,194630, HS-grad,9, Separated, Machine-op-inspct, Own-child, White, Male,0,0,53, United-States +<=50K,31, Private,262848, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,157595, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,102476, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,45, Local-gov,93663, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,202450, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,72393, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,53147, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,337944, 11th,7, Separated, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,37939, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,118993, 9th,5, Married-civ-spouse, Transport-moving, Other-relative, White, Female,0,0,40, ? +<=50K,60, Private,772919, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,26, Private,143062, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,32593, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,167882, 12th,8, Never-married, Other-service, Unmarried, Black, Female,0,0,48, Haiti +<=50K,52, Local-gov,48413, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,50, Private,123429, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,244261, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,37, State-gov,318891, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,259788, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,248876, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,55, United-States +<=50K,63, Federal-gov,334418, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, Puerto-Rico +>50K,38, Self-emp-not-inc,166497, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Self-emp-not-inc,260833, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,107477, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,37932, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,216948, 10th,6, Separated, Sales, Other-relative, Other, Male,0,0,40, Cuba +<=50K,38, Private,157473, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,21, ?,117222, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,186733, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Private,231472, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,31, Local-gov,187689, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,323985, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,53, Private,270655, 12th,8, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,301614, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, Mexico +<=50K,25, Private,112754, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, ?,35633, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, ? +<=50K,30, Self-emp-not-inc,112358, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,247337, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +>50K,40, Self-emp-inc,115411, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,42, State-gov,884434, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,72812, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,36, United-States +<=50K,26, Private,192549, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,54310, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,33386, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,20, United-States +<=50K,30, Private,233433, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,45, United-States +<=50K,24, Private,106373, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,215591, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,184531, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,69495, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,22228, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,55899, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,181498, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,203572, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,23, Private,120601, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,74706, 10th,6, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,59, ?,259673, Some-college,10, Married-civ-spouse, ?, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,48, Private,126441, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,25, Private,127784, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,33658, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,3004,40, United-States +<=50K,36, Private,234901, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,34307, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,75, Private,124660, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,278637, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,373545, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,172548, 9th,5, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +>50K,46, Private,28074, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,89, United-States +<=50K,58, Self-emp-not-inc,127539, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,25, United-States +<=50K,25, ?,180246, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,1408,40, United-States +<=50K,34, State-gov,377017, Masters,14, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,144925, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, ?,156877, 9th,5, Separated, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,153019, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,32825, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,114120, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,38, United-States +<=50K,36, ?,92440, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,32016, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,165953, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,45, United-States +<=50K,21, Private,96061, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,50, Private,106422, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,1485,37, United-States +<=50K,49, Self-emp-not-inc,167281, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,137895, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,177487, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,344696, Some-college,10, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,51415, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931,0,98, United-States +>50K,36, Private,134367, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,32, United-States +<=50K,40, Private,289636, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,165115, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,206008, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,22, State-gov,149342, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,90042, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,49, United-States +<=50K,22, Private,495288, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,22, Private,234970, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, ? +<=50K,51, Self-emp-not-inc,123011, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,260454, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,39026, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,278021, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,159399, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,340665, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,2057,35, United-States +<=50K,34, State-gov,392518, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, Private,229826, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +>50K,62, Private,185503, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,399117, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,168232, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,42, Private,377322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,141742, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,1731,0,5, United-States +>50K,39, Private,31964, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,45, Self-emp-not-inc,29019, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,55, United-States +<=50K,67, ?,183420, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,21, United-States +>50K,36, Private,305319, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,182189, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,257250, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,60, Self-emp-not-inc,269485, Preschool,1, Divorced, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,32, Self-emp-not-inc,182177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,179481, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,27, Private,199118, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Nicaragua +<=50K,46, Private,33084, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,185407, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,177907, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,40, Private,145441, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,25, Private,104830, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,247507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-inc,216601, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Local-gov,91670, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,58, Private,106740, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,122562, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,109133, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,3674,0,52, United-States +>50K,35, Private,196123, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,123436, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,42298, 9th,5, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,297248, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, Columbia +<=50K,23, Private,117363, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,79864, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,190762, 1st-4th,2, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,46, Private,155509, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,32, Jamaica +<=50K,45, Federal-gov,163434, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,153832, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,53, Federal-gov,147629, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,33, Private,488720, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,49, Private,169180, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,1876,35, United-States +>50K,37, Private,188763, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,229647, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,42, United-States +<=50K,57, Self-emp-not-inc,321456, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,24, Private,199698, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,32, Private,226010, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,116298, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,130057, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,27, Private,369188, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,90, United-States +<=50K,32, Private,155193, HS-grad,9, Separated, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,159574, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,299353, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,56, United-States +>50K,46, Local-gov,99971, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,65, Private,190160, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,67, Private,283416, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Private,224277, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,111567, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +>50K,53, Private,151411, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,346736, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,26, Private,264055, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,55, United-States +<=50K,22, Private,309620, HS-grad,9, Never-married, Sales, Not-in-family, Other, Male,0,0,45, ? +>50K,39, Private,224541, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,235334, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,99999,0,60, United-States +<=50K,22, Private,296158, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,153997, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,231482, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,278553, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,38, United-States +<=50K,56, Private,91251, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,20, China +>50K,47, Self-emp-not-inc,192053, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,207120, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +>50K,46, Self-emp-inc,125892, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,34, Private,186824, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,200471, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +<=50K,22, Private,117779, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,44793, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,37646, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,174127, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,110103, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1762,40, United-States +<=50K,20, Private,74631, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,32, Private,211239, Some-college,10, Married-AF-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, ?,157008, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,90406, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,60, United-States +<=50K,27, Private,199998, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,32, United-States +<=50K,73, Private,132350, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,18, United-States +<=50K,61, Private,233427, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,52, Local-gov,71489, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,34, Self-emp-inc,119411, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,35, Private,351772, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Local-gov,34254, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Private,178693, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,47, Private,168262, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,58, Private,34169, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,25, United-States +<=50K,31, Private,328118, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,39, Self-emp-inc,122353, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,18, Private,37315, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,181916, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,55465, Assoc-acdm,12, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +>50K,45, Private,192203, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,49, United-States +<=50K,26, Private,91683, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,39302, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,27, Private,171356, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,197189, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,47, Private,112362, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,228326, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,307353, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,172160, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Self-emp-inc,234738, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,50, United-States +<=50K,34, Private,33117, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Self-emp-not-inc,217380, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,2559,60, United-States +<=50K,36, Private,157954, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,164299, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,65, United-States +<=50K,61, Self-emp-not-inc,224981, 10th,6, Widowed, Craft-repair, Other-relative, White, Male,0,0,18, Mexico +<=50K,25, Private,281209, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,200479, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,28, Private,132750, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Private,21154, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1590,32, United-States +<=50K,34, State-gov,189843, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,116657, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,52, Private,113522, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,176185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,90, Private,227796, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,6097,0,45, United-States +<=50K,24, Private,194891, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,197189, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,182191, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2202,0,38, United-States +<=50K,47, Private,242559, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,1408,40, United-States +>50K,90, Self-emp-not-inc,122348, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,45, United-States +<=50K,44, Private,40024, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,225978, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,407436, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,60, Self-emp-not-inc,119471, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,33, Private,249409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,38, ?,217409, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,148995, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,50, Private,200046, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,37, Private,215618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,280081, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,340651, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,1977,60, United-States +<=50K,39, Private,111000, Masters,14, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,26, Private,135521, Assoc-voc,11, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,28, United-States +<=50K,24, Self-emp-not-inc,194102, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,295127, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,60, ?,102310, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Female,0,0,45, Canada +<=50K,48, Private,240175, 11th,7, Separated, Other-service, Unmarried, Black, Male,0,0,22, United-States +>50K,41, Private,145441, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,243019, Preschool,1, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,215596, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,25, State-gov,31350, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,246965, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,28, Private,99838, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, ? +<=50K,40, Private,340797, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, ?,29937, HS-grad,9, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,38, Local-gov,30056, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,309903, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,55, State-gov,256984, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,181723, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, Germany +>50K,37, Private,101020, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,4787,0,55, United-States +<=50K,44, Self-emp-not-inc,106900, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,195770, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,102737, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Local-gov,191779, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,99479, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,46, United-States +>50K,62, Private,196891, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,208066, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,54341, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,140001, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,248220, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, Private,172962, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,88215, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +<=50K,18, Private,110142, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,41, Self-emp-not-inc,136986, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, State-gov,206775, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,53497, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,238534, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, Puerto-Rico +<=50K,38, Private,143123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,60269, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,82623, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,48, United-States +<=50K,40, Local-gov,99666, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,61, Private,95680, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,44, State-gov,208163, Assoc-voc,11, Separated, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,369781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,17, Private,311288, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,24, United-States +<=50K,42, Self-emp-not-inc,152889, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,38, Private,160086, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +>50K,34, Private,117963, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,186884, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Private,313830, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, ?,212529, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,124330, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,53, Private,104501, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +>50K,41, Private,43501, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,83774, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,37, Private,216845, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,45, Local-gov,168191, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,166894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,110083, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,194371, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, Canada +<=50K,36, Federal-gov,125933, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,2258,40, United-States +<=50K,22, Private,444554, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,190228, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,604045, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,36, Private,241126, Some-college,10, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,168355, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,48, State-gov,158451, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,914,0,40, United-States +<=50K,50, Private,141608, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,36, Private,33157, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,187563, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,45, United-States +<=50K,33, Private,26252, Assoc-acdm,12, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,32, Local-gov,318647, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,36, United-States +<=50K,47, Private,152572, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,30, Private,77634, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,199513, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,1408,50, United-States +<=50K,19, Private,260327, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,23, Private,437940, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,137069, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,34, Local-gov,32587, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,47, Self-emp-inc,193960, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,33, Private,170651, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,38, United-States +<=50K,68, ?,186163, 1st-4th,2, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,39, Private,114544, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,159724, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,63, Private,697806, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,140011, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,53, Federal-gov,411700, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,26, State-gov,179633, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,57, Local-gov,317690, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,45, Local-gov,213334, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,41, Private,165304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Greece +<=50K,57, Private,192325, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,42, United-States +<=50K,53, Self-emp-not-inc,385183, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +>50K,33, Private,232650, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,182474, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, United-States +<=50K,37, Private,119992, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,376016, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,39, Private,144638, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,48, Federal-gov,113612, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,106161, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,48160, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,55176, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,291232, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,250149, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,221064, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,87745, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,35, Private,97136, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,37, United-States +<=50K,18, Private,632271, Some-college,10, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,40, Peru +<=50K,18, Private,295607, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,84, ?,163443, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,78, Self-emp-not-inc,213136, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,24, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,50, United-States +<=50K,35, Private,214378, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,24, Private,236427, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,34292, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,204780, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,40, United-States +<=50K,22, Private,161508, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,80, Private,151959, HS-grad,9, Widowed, Other-service, Not-in-family, Black, Male,0,0,15, United-States +<=50K,41, Private,196001, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +>50K,27, Self-emp-not-inc,211259, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,35136, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +>50K,52, Private,288353, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,48, United-States +>50K,48, Local-gov,93449, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,40, Philippines +<=50K,17, Private,40432, 10th,6, Never-married, Adm-clerical, Own-child, White, Female,0,0,4, United-States +<=50K,60, Private,180632, 12th,8, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, Private,204113, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Female,7896,0,18, United-States +<=50K,22, Private,336101, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,235062, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, ?,312552, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2002,70, United-States +<=50K,39, Private,226947, 7th-8th,4, Separated, Other-service, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,40, Private,29393, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,38, ?,115376, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +>50K,52, Self-emp-inc,146574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,175389, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,26, Self-emp-inc,316688, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,187919, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, ?,188436, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, Canada +>50K,41, Private,80666, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,59, Self-emp-not-inc,381965, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1740,80, United-States +<=50K,31, Private,192039, Assoc-acdm,12, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,181091, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,50191, 9th,5, Divorced, Craft-repair, Unmarried, White, Male,5455,0,40, United-States +<=50K,29, Private,155256, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, Private,104973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,348771, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Canada +<=50K,55, Private,96415, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,77, Private,213136, Doctorate,16, Widowed, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,59, Self-emp-inc,155259, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +>50K,47, Private,95155, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,56, Private,178787, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,361497, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,61, State-gov,254890, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,296478, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,179791, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,25, Self-emp-inc,110010, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,89622, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,118614, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, State-gov,35683, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Local-gov,163815, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,2179,41, United-States +<=50K,49, Private,175305, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Self-emp-inc,96245, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,99, United-States +<=50K,27, Private,201017, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,48, Private,95388, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,42, Private,249332, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,194759, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,260062, 10th,6, Never-married, Other-service, Own-child, White, Female,4416,0,38, United-States +>50K,36, Self-emp-not-inc,166213, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,46743, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, ? +<=50K,20, Private,112387, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,324685, 9th,5, Never-married, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,34, Private,87943, 7th-8th,4, Married-civ-spouse, Craft-repair, Wife, Other, Female,0,0,48, ? +>50K,45, Federal-gov,187510, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,188703, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,127961, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,34, Private,200117, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-inc,142030, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +>50K,30, Private,226296, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,239130, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,165475, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Self-emp-inc,328216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,21, ?,118023, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,42, Self-emp-not-inc,206066, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,45, United-States +<=50K,29, Local-gov,141005, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,28, Private,104870, Assoc-voc,11, Never-married, Other-service, Not-in-family, Black, Female,0,0,48, United-States +<=50K,44, Self-emp-not-inc,253250, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,54, United-States +>50K,39, Private,497788, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,42, Private,128354, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,49, Private,140782, 10th,6, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,216129, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,45, United-States +<=50K,65, Private,65757, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, ?,264758, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, Haiti +<=50K,23, Private,245361, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,48, Local-gov,216689, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,139517, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,65, Local-gov,188903, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418,0,45, United-States +<=50K,18, Private,170094, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,108836, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,189565, HS-grad,9, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,347993, 1st-4th,2, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,49, Private,187308, Some-college,10, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,27, State-gov,136077, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, State-gov,165457, Bachelors,13, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,2463,0,40, United-States +>50K,49, Federal-gov,175428, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,78, ?,143574, Some-college,10, Widowed, ?, Not-in-family, White, Male,0,0,5, United-States +>50K,34, Private,349148, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,103990, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,12, United-States +>50K,55, Self-emp-inc,183884, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,464484, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,190786, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,348592, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, ?,177839, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,152156, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,53, United-States +<=50K,55, Private,141807, HS-grad,9, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Poland +>50K,47, Local-gov,188537, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +>50K,43, Private,203233, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,28978, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-inc,116211, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,97683, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,19, Private,283945, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,43, Private,115178, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +>50K,48, State-gov,77102, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,132220, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Private,129301, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,187592, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,312667, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,206951, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,587310, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Own-child, White, Male,0,0,40, El-Salvador +>50K,76, Private,328227, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5556,0,13, United-States +<=50K,35, Private,100634, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,274200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, United-States +<=50K,18, Self-emp-inc,29582, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,68, Private,174812, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,22, State-gov,138513, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,37, Private,219137, 7th-8th,4, Divorced, Sales, Unmarried, White, Female,0,0,44, United-States +<=50K,23, Private,265148, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,55, United-States +<=50K,41, Private,302606, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,197600, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,36, Private,167415, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,44, Private,13769, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, Private,109390, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,218188, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,32, United-States +<=50K,49, Private,167159, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,128529, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,22, Private,200973, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,22, Private,118235, HS-grad,9, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0,0,55, United-States +<=50K,23, Local-gov,250165, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,594,0,40, United-States +<=50K,47, Private,269620, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,46, Private,212162, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,147638, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, India +<=50K,42, Private,304605, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,165267, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,28, Private,122037, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,63, Self-emp-inc,165611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,262634, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, United-States +<=50K,46, Private,280766, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, Cuba +<=50K,21, Private,226668, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,40, United-States +>50K,37, Private,130200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,17, Private,98005, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,47, Private,308857, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,51, Private,108914, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,64, Local-gov,210464, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,172748, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,192140, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,126568, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,50, Private,179339, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,43, Local-gov,31621, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,39, Private,365009, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,344698, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,42, Private,159911, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,25, Private,389456, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,167472, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,201412, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,594,0,5, United-States +>50K,26, Self-emp-not-inc,331861, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Private,97541, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,34, Private,71865, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Portugal +<=50K,29, Private,196564, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,218956, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,37359, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,41, Private,184630, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,4416,0,40, United-States +<=50K,17, Local-gov,161955, 11th,7, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,30, United-States +<=50K,24, Private,200089, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Guatemala +>50K,39, Self-emp-not-inc,193026, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,72, Self-emp-not-inc,336423, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,52, State-gov,184529, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,153876, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,53, United-States +<=50K,22, Private,269687, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,27, Private,153805, Some-college,10, Never-married, Craft-repair, Unmarried, Other, Male,0,0,45, Ecuador +<=50K,43, Private,151504, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,330087, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,164970, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +>50K,23, Private,239539, Some-college,10, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,55, Self-emp-not-inc,50215, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,42, United-States +<=50K,51, Local-gov,80123, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,54, ?,55139, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,43, United-States +<=50K,44, ?,276096, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,45, United-States +>50K,41, Private,222813, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,172232, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,54, Self-emp-not-inc,386773, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,87556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, State-gov,169926, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,21, United-States +>50K,41, Private,104196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,320027, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,116637, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,307640, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, ?,138386, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,1409,0,35, United-States +<=50K,25, Private,269015, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,30, Private,90308, Preschool,1, Never-married, Other-service, Unmarried, White, Male,0,0,28, El-Salvador +<=50K,41, Local-gov,39581, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,4101,0,40, United-States +<=50K,49, Self-emp-not-inc,241688, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Cuba +<=50K,22, Local-gov,467759, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,39, Private,303677, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,15, United-States +>50K,56, Private,47392, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,97925, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Local-gov,243240, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,29, Private,472344, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,41, Private,177054, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,43, Local-gov,212206, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,34, Private,244147, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,167336, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +>50K,43, State-gov,135060, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,49, Private,52184, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,159187, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +>50K,35, Federal-gov,22494, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,219745, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,113323, Masters,14, Divorced, Adm-clerical, Unmarried, White, Male,0,0,41, United-States +<=50K,36, Private,181099, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,216741, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,106365, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,124973, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,37, Private,73199, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,49, Federal-gov,362679, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,9, United-States +<=50K,29, Private,197222, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,33115, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Federal-gov,37997, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,162067, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, Haiti +>50K,35, Private,133839, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,398874, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,289224, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,261259, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,61, Private,438587, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,271162, 11th,7, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,66, ?,115880, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,21, Private,29810, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,277695, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +<=50K,35, Private,277347, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,43, ?,220445, HS-grad,9, Widowed, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,231507, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,184477, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, Private,174714, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,24, Private,118792, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,46, Local-gov,274689, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,148315, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,45, United-States +<=50K,24, Private,99844, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,36, State-gov,143437, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Other, Female,0,0,40, United-States +<=50K,22, Private,114357, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +>50K,46, ?,427055, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Local-gov,137518, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,33, United-States +<=50K,33, Private,183125, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,28, Private,269317, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,46, State-gov,107682, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,30, Private,159589, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,50, United-States +<=50K,50, Private,46401, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,20, Germany +<=50K,69, Self-emp-not-inc,164754, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,63, ?,109446, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,314068, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,242138, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,39, Federal-gov,203070, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,266960, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Self-emp-not-inc,239511, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,65, ?,244749, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, Cuba +<=50K,23, Private,244698, 5th-6th,3, Never-married, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,25, Private,207258, 9th,5, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,61, Private,111563, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,27, United-States +>50K,50, Private,233149, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,61, Private,166789, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,50, United-States +>50K,54, Self-emp-inc,22743, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,99999,0,70, United-States +<=50K,41, Local-gov,180599, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,28738, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,259846, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Self-emp-inc,158950, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,185948, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,67, ?,187553, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Private,169092, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178,0,40, Canada +<=50K,40, Private,129298, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,120204, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Local-gov,229337, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,183674, 12th,8, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,25, ? +<=50K,34, Private,538243, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,108947, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, United-States +<=50K,35, Private,128516, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,28, Private,147560, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,131808, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,33, Private,234537, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,165160, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,90275, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Local-gov,143583, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,210020, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,135603, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +>50K,59, ?,441227, Masters,14, Married-civ-spouse, ?, Husband, Black, Male,7298,0,50, United-States +<=50K,38, Private,341943, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,38274, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,35, Private,327435, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,27, Federal-gov,175262, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,376474, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,65, United-States +<=50K,38, Private,171150, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3781,0,78, United-States +<=50K,32, Private,459465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +>50K,37, Local-gov,188391, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Male,0,0,60, United-States +>50K,37, Private,196373, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,122913, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,37314, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,37, Private,198492, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,20946, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,281608, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Self-emp-not-inc,213643, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,1590,60, United-States +<=50K,18, Private,39222, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,208238, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,261207, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Peru +>50K,36, Private,131192, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,75, Private,148214, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,54, Self-emp-not-inc,155965, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,25, Private,269004, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,97883, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,48, Italy +>50K,52, Private,177942, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Local-gov,360494, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,45136, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,28, Private,173483, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013,0,20, United-States +<=50K,19, Private,205953, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,20, United-States +>50K,41, Private,169823, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,18, Private,99591, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,42, Private,32627, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,378009, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,233511, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,173987, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,162302, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,192812, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,65, Private,217661, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2246,40, United-States +<=50K,61, Private,353031, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,155483, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,274158, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,35, Local-gov,26987, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,45, United-States +<=50K,49, Private,68493, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,19, ?,257421, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +<=50K,26, Private,38257, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,22, Local-gov,175586, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Female,0,0,20, United-States +>50K,49, Private,316323, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,48, United-States +<=50K,36, Private,117802, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,454950, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,284277, 11th,7, Never-married, Other-service, Own-child, White, Male,1055,0,20, United-States +<=50K,32, State-gov,90409, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,43, Private,248094, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,29, Private,138692, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,173938, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,65, ?,146722, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,31, Private,145439, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,24, Private,324445, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,176410, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,25, Private,129275, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,399123, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,76044, Masters,14, Divorced, Prof-specialty, Unmarried, Other, Male,4787,0,35, Mexico +<=50K,28, Private,87632, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,269605, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,32, United-States +>50K,46, Private,37718, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,50, United-States +<=50K,70, ?,162659, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,45, Self-emp-not-inc,277434, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,209205, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,44, United-States +<=50K,75, ?,34235, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2964,0,14, United-States +<=50K,41, Private,141186, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,123681, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,174215, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,17, Private,96354, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, ?,109108, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,37, Private,107302, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Local-gov,250054, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,50459, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,40, United-States +>50K,57, Local-gov,22975, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,97189, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,238859, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,26, State-gov,239303, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,3942,0,7, United-States +<=50K,33, Private,310655, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,276218, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,30, Private,94235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,45, Private,135339, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,20, Private,199703, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,28, United-States +<=50K,36, Private,52532, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,64, State-gov,186376, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +>50K,29, Private,229124, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,152508, 11th,7, Married-civ-spouse, Sales, Wife, Other, Female,0,0,20, United-States +<=50K,45, Private,54260, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,48520, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,66, Self-emp-not-inc,439777, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,49, Private,191389, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,118714, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,34616, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,29, ?,199074, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,20, ?,112858, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,2, United-States +<=50K,22, Private,199555, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, ?,211013, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,107425, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,106549, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,41, State-gov,110556, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,46, Self-emp-not-inc,265097, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,41, Private,215219, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Self-emp-not-inc,142988, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,64, Private,239450, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,162084, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,83066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,181705, Some-college,10, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Private,138737, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,24, Federal-gov,332194, 9th,5, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,20, Private,291979, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,35, United-States +<=50K,64, Private,162761, Some-college,10, Widowed, Sales, Not-in-family, White, Male,2354,0,35, United-States +<=50K,21, Private,153643, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,70, United-States +<=50K,52, Private,30908, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,92179, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Self-emp-inc,50408, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,50, Federal-gov,191013, HS-grad,9, Separated, Sales, Other-relative, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,62, Private,170969, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,19, ?,302229, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,10, United-States +<=50K,49, Private,80026, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,93056, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,414791, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,37894, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1719,30, United-States +>50K,31, Local-gov,164243, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +>50K,41, Self-emp-not-inc,36651, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Self-emp-not-inc,26248, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +>50K,41, Private,244522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,42, United-States +>50K,39, Private,183279, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,63, Private,177063, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,220220, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,47, United-States +<=50K,58, Private,180779, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,238787, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,38, Private,32086, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,52, United-States +>50K,35, Private,302149, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,43, Self-emp-not-inc,136986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,47, State-gov,61062, Doctorate,16, Separated, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2354,0,45, United-States +<=50K,33, Private,260782, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,82061, 5th-6th,3, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,32, Mexico +<=50K,22, Private,254351, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,128699, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,59, Private,171328, Bachelors,13, Married-spouse-absent, Prof-specialty, Other-relative, Black, Female,2202,0,37, United-States +<=50K,24, ?,152719, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,15, Haiti +>50K,42, Private,97688, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,33, Private,199248, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,67240, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,27, Private,1490400, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,188503, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,40, Private,180206, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,201872, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,314373, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,107737, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,44, Private,209093, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Local-gov,218357, HS-grad,9, Separated, Transport-moving, Unmarried, White, Female,0,0,25, United-States +>50K,43, Private,163434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,326701, 5th-6th,3, Separated, Craft-repair, Not-in-family, Other, Male,0,0,40, Mexico +>50K,41, Private,164612, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,29, Self-emp-not-inc,37429, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,31, Private,408208, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,30, United-States +<=50K,54, Private,105638, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,81259, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,37, Private,201141, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,394927, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,52, Federal-gov,165998, Prof-school,15, Married-civ-spouse, Armed-Forces, Husband, White, Male,7298,0,50, United-States +>50K,40, Private,41888, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,2415,70, United-States +<=50K,24, Private,72887, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,56551, 9th,5, Divorced, Craft-repair, Unmarried, White, Female,5455,0,45, United-States +<=50K,22, Private,227603, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,203776, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Poland +<=50K,61, Private,202060, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,34, United-States +>50K,59, Private,178282, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,31, Private,57151, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,399455, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,52, United-States +<=50K,37, Private,52630, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,124692, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,278254, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,40, Private,162098, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,304143, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,37, Federal-gov,287031, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,102478, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,172425, HS-grad,9, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,56664, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,247514, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,307353, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,37, Private,111129, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,39, United-States +>50K,29, Private,190539, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, Greece +<=50K,47, Self-emp-inc,224314, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,47, Self-emp-not-inc,59987, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,42, United-States +<=50K,33, Local-gov,111746, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,48, United-States +<=50K,24, Private,162958, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,1980,50, United-States +<=50K,68, ?,129802, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +>50K,43, Private,303155, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,301634, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,156294, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,50, Private,145033, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,19, ?,768659, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,134679, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,30, Private,188798, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,122033, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,99, United-States +<=50K,21, ?,223515, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,235124, 12th,8, Divorced, Other-service, Not-in-family, White, Male,0,0,30, ? +<=50K,47, Private,341814, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,34, State-gov,764638, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,4787,0,47, United-States +>50K,47, Federal-gov,303637, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,307543, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,99, Cuba +<=50K,45, Local-gov,151267, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,25, United-States +<=50K,40, Private,157403, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,38, United-States +>50K,31, Private,124483, Masters,14, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,60, India +>50K,32, Private,26803, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,131899, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,119992, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2603,60, United-States +<=50K,31, Private,198068, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,264351, 12th,8, Separated, Adm-clerical, Own-child, White, Male,0,0,40, Mexico +<=50K,18, ?,352430, 11th,7, Never-married, ?, Own-child, White, Male,0,1602,30, United-States +<=50K,61, Private,29797, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Private,54670, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,40, ? +>50K,47, Private,192713, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,55, Self-emp-inc,79662, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,190023, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,301251, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,115336, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,58, Self-emp-not-inc,98015, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,32, United-States +<=50K,33, Self-emp-not-inc,48189, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,248754, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,195602, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,44, United-States +<=50K,45, State-gov,185797, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,3325,0,60, United-States +<=50K,51, Private,192588, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,44, Private,160837, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,54, Local-gov,128378, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,335846, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Private,179991, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,31, Private,151763, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,127875, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Self-emp-not-inc,132686, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,240900, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,65876, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,46, State-gov,165852, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,437458, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,261995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Private,342480, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,270131, 5th-6th,3, Widowed, Other-service, Unmarried, White, Female,0,0,70, Mexico +>50K,48, Private,216414, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,70, United-States +<=50K,30, Private,259425, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,144086, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,246124, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, Private,321865, Prof-school,15, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,32080, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,31, Local-gov,201697, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,32, Local-gov,300687, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,307724, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, ? +<=50K,60, Private,40856, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,24, ?,115085, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,37, State-gov,202139, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,34, Private,190151, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,40, Local-gov,208277, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,107405, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,194096, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,162029, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,3325,0,40, United-States +<=50K,46, Private,172155, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Peru +>50K,51, Self-emp-inc,114674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,116298, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Local-gov,320510, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,56, United-States +<=50K,31, Private,158144, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,181651, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,51150, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,41, State-gov,118544, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,12, United-States +>50K,54, Private,85423, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,56460, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,41, United-States +<=50K,28, Private,211208, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,154337, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,13, United-States +<=50K,22, Private,125542, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,175847, 5th-6th,3, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, Mexico +<=50K,34, Private,229731, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,35, El-Salvador +<=50K,45, Self-emp-not-inc,40666, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,2885,0,60, United-States +<=50K,58, Federal-gov,215900, HS-grad,9, Never-married, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,75, ?,186792, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,16, United-States +<=50K,18, ?,151552, 11th,7, Never-married, ?, Other-relative, White, Female,0,0,15, United-States +<=50K,45, Private,122002, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,32174, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,349148, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,63, United-States +<=50K,34, Private,209691, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,66, United-States +<=50K,49, Private,163021, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Local-gov,283342, 10th,6, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,41, ?,45186, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,175398, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,175455, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,194946, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,58, ?,183869, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3411,0,80, United-States +<=50K,19, ?,167428, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,227615, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Local-gov,196797, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,36, United-States +<=50K,28, Local-gov,273051, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Local-gov,27085, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,235646, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, ?,168358, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,167725, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,91819, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,105830, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,201159, 12th,8, Widowed, Machine-op-inspct, Other-relative, White, Female,0,0,48, United-States +<=50K,18, Private,137363, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, Self-emp-not-inc,164725, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,3464,0,35, United-States +<=50K,47, Private,29438, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +>50K,67, Private,131656, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2392,24, United-States +<=50K,33, State-gov,35306, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,44, United-States +<=50K,63, Private,198206, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,103513, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,143078, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,109494, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,28, Private,52732, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,164495, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, Germany +<=50K,20, Self-emp-not-inc,105997, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,49, Federal-gov,105959, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,41, United-States +<=50K,18, Private,216540, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,159623, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Federal-gov,87207, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,57, Private,47621, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +>50K,35, Private,190297, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,65, United-States +<=50K,66, Private,48034, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +>50K,47, Local-gov,162236, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,57, Private,104724, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,129806, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,170174, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Local-gov,265148, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,192237, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,406491, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,231866, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,292055, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,30, Private,140612, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +>50K,26, Private,191573, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,52, Private,203635, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,171483, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,38, United-States +<=50K,36, Private,68798, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,31752, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, ? +<=50K,59, ?,291856, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,135848, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,10, Guatemala +<=50K,22, Private,72887, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,24, United-States +<=50K,47, Private,275163, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,29276, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,2538,0,50, United-States +>50K,50, Private,224207, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,237356, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +>50K,29, Private,393829, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,193720, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,20, United-States +<=50K,56, Self-emp-not-inc,140729, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,54560, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,214288, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3411,0,80, United-States +>50K,45, Self-emp-inc,88500, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,287092, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,2354,0,40, United-States +>50K,40, Private,225263, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,52, Local-gov,140027, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,44, Private,32000, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,228516, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,20, Portugal +<=50K,27, Private,157612, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,197200, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,44, United-States +<=50K,28, Private,89598, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +>50K,40, Private,153799, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,72, ? +>50K,67, ?,101761, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,49, Private,225456, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,348960, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Local-gov,157111, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,85877, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,60, United-States +<=50K,72, Self-emp-not-inc,32819, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,21, ?,517995, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,103948, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,96016, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,60668, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,29, Local-gov,270379, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,190756, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,59, Local-gov,221417, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,158940, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, United-States +<=50K,67, State-gov,121395, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,12, United-States +<=50K,26, Private,196866, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,302239, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,718736, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,178615, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,158096, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,317988, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,15, United-States +<=50K,23, Private,325596, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,120461, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,80, ?,30680, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,125010, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,67, Private,268781, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1510,8, United-States +<=50K,46, Private,36020, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,433682, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Local-gov,349148, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,148805, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,24, Private,285775, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Local-gov,126524, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,40, United-States +>50K,52, Private,270221, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,44, United-States +<=50K,24, Private,117222, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,118941, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,59, Private,172667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,241306, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,33, State-gov,292317, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,182918, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,46, United-States +<=50K,76, Self-emp-not-inc,106430, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, ?,119207, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,377692, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,284907, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, Federal-gov,190160, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Male,0,1944,20, Poland +<=50K,65, Self-emp-inc,226215, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,169324, 9th,5, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Haiti +<=50K,22, Private,191460, 10th,6, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,219155, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,66, ?,52654, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,64, Self-emp-not-inc,198466, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,70, United-States +>50K,47, Private,255965, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,38, ?,54953, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, Private,290441, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,44, Federal-gov,206927, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,66, Self-emp-inc,165609, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-inc,206609, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1876,50, United-States +<=50K,64, Private,211846, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,102446, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,26, Private,114483, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,199657, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,40, Private,192878, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,346081, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,24, Private,26668, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Puerto-Rico +<=50K,72, ?,272425, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3818,0,4, United-States +<=50K,68, Local-gov,159643, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,51, ?,22743, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,142875, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,18, ?,256304, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,30, United-States +<=50K,36, Private,163380, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,162187, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,32, Private,153353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Self-emp-inc,134414, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,39212, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,344060, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, Japan +<=50K,17, Local-gov,140240, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,70, ?,210722, Prof-school,15, Divorced, ?, Not-in-family, White, Male,2538,0,45, United-States +<=50K,32, Private,285946, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,34, Private,216645, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,54065, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,44159, 12th,8, Never-married, Other-service, Other-relative, Other, Male,0,0,40, Dominican-Republic +<=50K,46, Private,188729, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,50, United-States +<=50K,44, Self-emp-not-inc,296982, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, ? +>50K,56, Local-gov,277203, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,153949, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,46, Federal-gov,269890, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,35, Federal-gov,61518, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,39, Private,176050, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,47, United-States +<=50K,25, Private,202700, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,477083, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,50, Private,221532, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,282155, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,38, Private,365307, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,26, Private,248776, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,166863, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,191149, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,126822, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,281743, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,212041, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,264351, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,54, Private,117198, HS-grad,9, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,202937, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,53, ?,201062, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,2, United-States +<=50K,51, Private,96062, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,99902, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Ireland +<=50K,54, Private,76268, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,80, United-States +<=50K,64, Private,200517, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,39, United-States +<=50K,48, ?,222478, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,19, ?,168471, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,52, Private,403027, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,201292, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,360814, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,51, Private,155574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Private,135525, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,24763, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +>50K,38, Self-emp-inc,184456, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, Italy +<=50K,40, Private,30412, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,93225, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,60, Self-emp-not-inc,359988, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +<=50K,60, Self-emp-not-inc,122314, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,59, Federal-gov,51662, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,137991, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,41, United-States +<=50K,47, State-gov,119458, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,42, Private,208068, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Other, Male,7298,0,40, Mexico +<=50K,32, Private,219553, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,308924, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Private,169748, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,164970, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,38, United-States +<=50K,39, Private,190987, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,33, Private,250804, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, England +<=50K,30, Private,85374, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,81, Private,39667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,20, United-States +<=50K,41, Private,84817, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,3887,0,40, United-States +<=50K,38, Private,227615, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,54, Private,155737, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,8614,0,40, United-States +>50K,38, Private,133935, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, El-Salvador +<=50K,22, Federal-gov,316438, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,44, Private,107433, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,36, State-gov,28572, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,38, United-States +>50K,32, Self-emp-not-inc,291414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,202153, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,324655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,27207, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,30, Private,184435, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Private,122749, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,36, Private,181146, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,21, Private,225311, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,33474, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,126319, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,52, Private,247806, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,50, Private,85815, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,38, United-States +>50K,48, Private,204629, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,195540, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, Black, Male,0,1408,40, United-States +<=50K,27, Private,113866, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,114691, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Ireland +<=50K,22, ?,227943, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,44, United-States +>50K,45, Private,310260, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,35, Private,189922, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,52, United-States +<=50K,54, Private,249949, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, ?,38455, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,11, United-States +>50K,51, Private,123429, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,71, Private,99549, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Private,98954, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,49794, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, ?,80451, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,129764, Some-college,10, Divorced, Sales, Unmarried, White, Male,1506,0,50, United-States +>50K,29, Private,189702, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,50, United-States +<=50K,59, Self-emp-not-inc,78020, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,182843, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,53956, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,223376, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Federal-gov,151933, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,47, Private,100931, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,442478, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,153082, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,46, Private,182414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,35, Local-gov,217926, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,176536, Some-college,10, Separated, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0,0,42, United-States +<=50K,37, Private,237943, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Poland +<=50K,20, Private,117789, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,59, Private,113838, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,4650,0,37, United-States +<=50K,17, Private,278414, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,36, Private,122493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,110820, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,106141, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,43, Self-emp-not-inc,215896, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, United-States +>50K,49, Private,547108, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,15024,0,40, ? +>50K,50, Federal-gov,169078, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,40, United-States +<=50K,69, Self-emp-not-inc,227906, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3456,0,30, Germany +<=50K,57, Private,61298, 5th-6th,3, Separated, Machine-op-inspct, Other-relative, White, Female,0,0,40, Ecuador +>50K,49, Private,184285, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,64156, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,61, Private,56248, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,171275, 7th-8th,4, Divorced, Other-service, Not-in-family, Other, Male,0,0,40, Peru +>50K,41, Private,123490, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,420842, Assoc-acdm,12, Divorced, Priv-house-serv, Other-relative, White, Female,0,0,40, ? +<=50K,40, Private,51233, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,38, United-States +<=50K,36, Private,353263, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,262031, 12th,8, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,50, Private,334421, Prof-school,15, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,1590,25, China +<=50K,24, Private,200153, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,70, ?,187972, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,360186, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,368832, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, Private,359131, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Self-emp-not-inc,295279, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,37, United-States +<=50K,34, Private,378272, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,150817, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-not-inc,145246, Some-college,10, Divorced, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,185490, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,217424, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,190483, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,391016, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,30509, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908,0,50, United-States +<=50K,28, Private,267661, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, Private,197369, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,393691, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,168441, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Self-emp-inc,85109, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,190457, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Self-emp-not-inc,289430, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,39, Private,166697, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,24, Local-gov,310355, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, Germany +<=50K,31, Private,300828, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,30, United-States +<=50K,20, Private,188923, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +>50K,36, Private,167482, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,114968, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,102988, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, Ecuador +<=50K,67, Local-gov,330144, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,18, United-States +>50K,47, Private,362654, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,179481, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,204817, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, United-States +<=50K,32, Private,172402, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,44, Private,54611, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,179151, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,30829, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,50, Private,474229, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,246981, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,23, United-States +>50K,39, Private,271610, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,179138, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,268722, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,46, Private,111410, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,125550, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,24, Private,51985, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,302584, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,90, Federal-gov,311184, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,45, Local-gov,133969, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,41, Local-gov,214242, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,72, United-States +<=50K,29, Private,372149, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,53, Private,203967, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,147344, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,60, ? +>50K,45, Self-emp-inc,139268, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,38, Private,349198, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,21, United-States +<=50K,43, Private,222756, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,44, United-States +>50K,53, Local-gov,196395, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,316304, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,44, Private,347653, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +>50K,40, Private,176063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,67, Private,176835, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,144092, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,148709, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,31, Federal-gov,194141, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-inc,215423, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,52, Self-emp-not-inc,128378, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,34431, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,180690, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,142712, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,57, United-States +>50K,43, State-gov,185619, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,35, United-States +<=50K,36, Self-emp-not-inc,358373, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,30, United-States +<=50K,27, Private,81648, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,244580, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,184570, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, State-gov,210150, Masters,14, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Local-gov,212213, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,182148, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,39, United-States +>50K,29, Private,55390, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,66788, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, Portugal +<=50K,43, Federal-gov,265604, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,110677, Some-college,10, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,30, United-States +>50K,34, Private,320077, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, Private,201817, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,43, Private,142725, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1887,80, United-States +<=50K,44, Self-emp-not-inc,53956, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,45, State-gov,116892, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,34572, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,287008, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,66, Local-gov,30740, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,162104, 7th-8th,4, Never-married, Priv-house-serv, Own-child, White, Female,0,0,30, United-States +<=50K,65, Private,237024, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,20, Private,228306, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,32, United-States +<=50K,18, Private,127388, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,72393, Bachelors,13, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,55, Self-emp-inc,160813, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,43, Private,255586, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,342575, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,28, Private,181466, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,234108, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,66414, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,21, Private,227307, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,43, United-States +<=50K,23, Private,157145, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,252457, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Federal-gov,142769, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,49539, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,3674,0,40, United-States +<=50K,33, Private,249438, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,30, Private,289293, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,40, Dominican-Republic +<=50K,68, Self-emp-not-inc,198884, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +>50K,53, Local-gov,229259, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,36, Private,289223, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1848,40, United-States +<=50K,23, Private,42401, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,295055, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,42, State-gov,214781, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,1876,38, United-States +<=50K,20, Private,95552, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,308764, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,185394, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,358382, Some-college,10, Separated, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,195946, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +<=50K,32, Private,296897, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,230961, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,169022, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +>50K,28, Private,209301, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,40, United-States +<=50K,42, Private,252058, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,30012, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,33, Private,202046, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,52262, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,60, Private,96660, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,33, United-States +>50K,50, Self-emp-not-inc,200618, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,58, Private,177368, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,16, United-States +<=50K,22, Private,311311, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +>50K,47, State-gov,142856, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,134890, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,1974,50, United-States +>50K,38, Self-emp-inc,179579, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,67, State-gov,173623, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931,0,30, United-States +>50K,76, Self-emp-inc,99328, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,6514,0,40, United-States +>50K,41, Local-gov,224799, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,57, Self-emp-inc,231781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,41763, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Local-gov,51240, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,30, Private,206923, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0,1977,40, United-States +>50K,30, Self-emp-inc,132601, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,357348, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,2202,0,40, United-States +<=50K,22, Private,150683, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +>50K,40, Self-emp-inc,188615, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,20, United-States +<=50K,73, Private,159007, Bachelors,13, Divorced, Farming-fishing, Other-relative, White, Female,0,0,12, United-States +<=50K,23, Private,130959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,2407,0,6, Canada +>50K,51, Private,158746, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,29, Private,498833, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Nicaragua +<=50K,46, Private,193188, Masters,14, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Self-emp-inc,136277, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,16, United-States +<=50K,34, Private,137991, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,38, Self-emp-not-inc,187098, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +>50K,62, Private,176839, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, State-gov,185384, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,20, Private,87867, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,111779, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,36, United-States +<=50K,37, Local-gov,185556, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,1980,35, United-States +<=50K,56, Private,59469, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,63, Private,164435, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,259336, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Peru +<=50K,40, Self-emp-not-inc,277488, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,104258, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,141427, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,267052, 10th,6, Never-married, Farming-fishing, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,114764, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,151143, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,176357, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,190303, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,2463,0,15, United-States +<=50K,28, Private,220692, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,46, Private,181970, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,263339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,21, Self-emp-not-inc,83704, 9th,5, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,324960, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,53, Private,96062, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Private,96678, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,33435, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,399008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013,0,40, United-States +<=50K,71, Private,159722, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Private,225172, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,135033, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Ecuador +<=50K,38, Private,179671, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,56, Private,182460, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,231196, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,181974, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,326104, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-inc,126850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,33644, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,92649, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,353696, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,28, United-States +<=50K,36, Private,238342, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,882849, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,49, Self-emp-inc,318280, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,35, Private,151322, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,31, Self-emp-inc,111567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,279996, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,48, Private,103743, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,70, United-States +<=50K,53, Private,30846, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,191393, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,1380,40, United-States +<=50K,35, State-gov,140564, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,37, Federal-gov,243177, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,55, Local-gov,104996, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,27, Local-gov,191202, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,47, Private,247379, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,96129, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, ?,58440, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,125031, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,183772, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Female,0,0,70, United-States +<=50K,37, Private,78488, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,32, Self-emp-not-inc,121058, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,43, Private,84673, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,172830, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,3325,0,40, United-States +>50K,36, Private,307520, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,21, Private,327797, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,108945, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,52, Private,164473, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +>50K,40, Private,144778, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,69477, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,45, Private,137946, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,167737, Bachelors,13, Widowed, Other-service, Own-child, White, Male,0,1974,50, United-States +<=50K,30, Private,195602, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, ? +>50K,31, Private,140206, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,272551, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,1564,60, United-States +<=50K,24, Private,114939, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,45, Local-gov,265477, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, France +>50K,51, Local-gov,252029, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,29, Self-emp-inc,263786, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,397877, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,316438, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,34, Local-gov,283921, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,199903, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,42, Private,339814, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,191140, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,33, Private,174215, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,32, Private,124420, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,289228, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,45, United-States +<=50K,27, Private,200610, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +>50K,36, Private,140327, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,7298,0,35, United-States +<=50K,39, Local-gov,86643, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,226624, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,365516, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,27, Private,153288, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,235124, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +<=50K,28, Self-emp-inc,160731, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,230999, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,38, Private,453663, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,28, Private,250967, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2105,0,40, United-States +<=50K,22, ?,96844, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1602,20, United-States +<=50K,41, Federal-gov,149102, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,1980,40, United-States +<=50K,42, Private,226452, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,36, Private,34378, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,60, United-States +>50K,37, Local-gov,177277, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,316470, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,293104, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Private,380357, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, ? +>50K,36, Private,101318, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +<=50K,32, ?,339099, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,131662, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,163333, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +>50K,43, Private,71738, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,141276, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Private,242552, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,37, Honduras +<=50K,30, Private,246439, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,38, Federal-gov,81232, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,157568, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,117476, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, State-gov,198201, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,57, Private,167483, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Self-emp-inc,150384, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,18, ?,96244, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +<=50K,34, Private,33678, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4508,0,35, United-States +<=50K,42, Private,180985, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,36, Private,101192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,207561, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,105749, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,443508, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,23, Private,249087, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,279231, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,180477, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,144522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,36, Local-gov,248263, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, ?,498411, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,57, Private,102442, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,262877, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,55, United-States +>50K,66, Self-emp-not-inc,325537, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,161638, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Columbia +>50K,46, Self-emp-not-inc,24367, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +>50K,38, Private,108140, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,63, ?,205110, 10th,6, Widowed, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Self-emp-inc,504423, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,37, Private,264700, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,35, United-States +<=50K,22, Private,335067, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +<=50K,58, Private,153551, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,23, United-States +<=50K,43, Private,186077, HS-grad,9, Widowed, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,55, Local-gov,85001, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,45, Self-emp-not-inc,216999, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Private,107231, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,36, Self-emp-not-inc,52870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +<=50K,73, Self-emp-not-inc,228899, 7th-8th,4, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,99, United-States +<=50K,29, Local-gov,90956, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,36, Private,186934, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-inc,37394, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, ?,30840, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, Germany +<=50K,32, Private,185177, Assoc-voc,11, Separated, Tech-support, Own-child, White, Male,0,1590,40, United-States +>50K,34, Private,312055, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,176262, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,51, Self-emp-inc,161482, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,373448, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,40, United-States +<=50K,45, Self-emp-not-inc,277630, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,48, United-States +<=50K,68, Self-emp-not-inc,150904, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,73, Private,187334, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,328937, 7th-8th,4, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,35, Local-gov,132879, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,58, Private,49159, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,133299, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,62, ?,268315, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,176430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,211344, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,162302, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,32, United-States +>50K,51, Private,229225, Masters,14, Divorced, Other-service, Not-in-family, Black, Female,0,0,18, United-States +>50K,49, Self-emp-not-inc,77404, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, ? +<=50K,51, Local-gov,202044, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,28, Private,94128, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,189888, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,48, United-States +>50K,32, Private,94041, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,50, State-gov,322840, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Poland +>50K,47, Federal-gov,746660, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,40, United-States +<=50K,54, Private,84587, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,38, Philippines +<=50K,41, Private,33126, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,247445, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,210377, 10th,6, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,19, ?,239862, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,327112, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Self-emp-not-inc,188563, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,62, ?,189098, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,26326, Assoc-voc,11, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,46, Private,145636, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +>50K,45, State-gov,255456, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,35, Private,196373, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,40, United-States +<=50K,32, Private,167476, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,32, State-gov,59083, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Self-emp-not-inc,186934, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,62, ?,188650, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,33, Federal-gov,373043, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,34, Germany +<=50K,51, Private,250423, Some-college,10, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,334032, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, State-gov,89487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,230205, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,2001,32, United-States +<=50K,33, Private,212980, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,351770, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,35, State-gov,167482, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,1980,40, United-States +<=50K,23, Private,42251, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,52822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,41, Private,229472, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,93034, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +>50K,35, Private,415167, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,76, Self-emp-not-inc,161182, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,38, Private,166549, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,36296, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,272442, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,366139, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,30, Self-emp-inc,127651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +<=50K,59, Private,158077, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,154950, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Local-gov,197886, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,211518, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,214303, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,34, Private,154120, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,53, Private,186303, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,488459, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,423883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,117963, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,57, Self-emp-not-inc,38430, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,30, Private,176969, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,116839, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,212407, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,35, Local-gov,110075, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,40, Private,183096, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,45, Federal-gov,126754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,216178, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,188391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,17, ?,27251, 11th,7, Widowed, ?, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,40230, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,47, Private,100009, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, ?,222442, Some-college,10, Divorced, ?, Own-child, White, Male,0,0,25, El-Salvador +<=50K,24, Local-gov,403471, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,48, United-States +<=50K,52, Private,161482, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,83141, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,4416,0,53, United-States +<=50K,68, Self-emp-inc,31661, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,35, Private,101073, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,53, Local-gov,99682, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +<=50K,23, Private,215395, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,343476, 11th,7, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,178363, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,52, Private,95872, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, ? +>50K,49, Private,90907, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,42, Private,165309, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,35, Private,208358, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +>50K,42, Private,171069, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024,0,40, United-States +>50K,46, Private,53540, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Private,29433, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,55, United-States +>50K,48, Self-emp-not-inc,175622, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,231865, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,51, Private,266336, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,50, United-States +<=50K,44, Self-emp-not-inc,190290, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,80, France +<=50K,74, Self-emp-not-inc,45319, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,1409,0,20, Canada +<=50K,17, Never-worked,131593, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,24, Local-gov,177913, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,457357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,43, Self-emp-inc,253811, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,48, Private,501671, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,48, United-States +<=50K,35, State-gov,227128, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,39137, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,121038, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,43, United-States +>50K,53, State-gov,119570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, ?,99297, HS-grad,9, Married-civ-spouse, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Cambodia +<=50K,28, Self-emp-not-inc,169460, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,33, Private,261639, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,4064,0,40, United-States +<=50K,21, Private,214542, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,22, United-States +<=50K,31, Private,141410, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Private,370549, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,44, Self-emp-not-inc,234767, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +>50K,40, Private,104196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, State-gov,52262, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, England +<=50K,22, ?,285775, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,235336, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,49, Private,165539, Some-college,10, Never-married, Priv-house-serv, Not-in-family, Black, Female,0,0,90, Jamaica +<=50K,41, Private,362815, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, State-gov,292816, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,66692, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,120910, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,116133, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,41, United-States +<=50K,49, State-gov,247043, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,215616, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,131415, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,64, Self-emp-not-inc,169604, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,50, Private,230858, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,73968, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,28, Private,339897, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,258406, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, Mexico +<=50K,30, Private,180574, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Private,88808, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,179627, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,149823, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,60639, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,46492, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,36, Private,48520, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,306538, 12th,8, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,58, Private,204678, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,218676, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,95455, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,53, Self-emp-not-inc,335655, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,55, Private,194436, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,152724, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Private,242482, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,162041, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,291854, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,22, ?,48343, Some-college,10, Never-married, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,77, ?,153113, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,1455,0,25, United-States +<=50K,38, Private,80680, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,211601, Assoc-voc,11, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +>50K,31, Self-emp-inc,264554, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,40, United-States +<=50K,29, Private,319998, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,194228, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,236247, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,28, Self-emp-not-inc,123983, Masters,14, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,54, South +<=50K,49, Private,166215, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,178623, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, United-States +<=50K,51, Self-emp-not-inc,174102, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,32, Private,292217, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, ? +<=50K,44, Private,198452, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,96497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,62, ?,194660, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,216924, HS-grad,9, Divorced, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,26, Private,206721, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,37, State-gov,49105, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +>50K,62, Federal-gov,164021, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,91608, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,323963, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,70037, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,61, Private,289950, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,65, Private,213149, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,44, Federal-gov,320451, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, Philippines +<=50K,22, Private,351952, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,50, Private,146015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,281704, Some-college,10, Never-married, Farming-fishing, Other-relative, White, Male,0,0,8, United-States +<=50K,44, Federal-gov,786418, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,29, Private,214689, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,193188, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,142020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,78, ?,317311, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,213416, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,47, Federal-gov,326048, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,191265, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,348986, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,28, Taiwan +<=50K,24, Private,126613, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, ?,40032, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,150057, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Poland +>50K,39, Private,113725, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,8614,0,40, United-States +<=50K,24, Private,140500, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,113364, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,176219, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, South +<=50K,19, Private,146189, HS-grad,9, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0,0,78, United-States +>50K,45, Private,83993, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,56, United-States +>50K,33, Private,194336, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,61, State-gov,349434, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,142020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,48894, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,42, United-States +<=50K,29, Private,226295, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,36, United-States +>50K,40, Private,77313, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,36, Private,305935, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,23, Private,287988, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Local-gov,49275, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,102865, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,209146, Masters,14, Divorced, Sales, Not-in-family, White, Male,27828,0,40, United-States +>50K,40, Private,173001, Some-college,10, Married-civ-spouse, Tech-support, Own-child, White, Female,0,1902,40, United-States +>50K,40, Private,277256, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,2559,55, United-States +<=50K,46, Private,20534, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,35, Private,60227, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,176936, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,42, Private,49255, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,40, United-States +<=50K,64, ?,232787, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,235095, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,190531, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +>50K,64, Without-pay,209291, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,109053, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,60, United-States +<=50K,22, Private,183594, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,361608, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,257028, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Haiti +<=50K,34, Private,66561, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,37, United-States +<=50K,21, Private,176486, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,565313, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Local-gov,198953, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,68, State-gov,99106, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,45, Private,213140, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,52, United-States +<=50K,33, Private,66384, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +>50K,41, Private,483201, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,466458, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,30, Private,90446, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,69, Self-emp-not-inc,165017, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,120596, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,44, United-States +<=50K,36, Private,345310, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,20, ?,94746, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, Portugal +<=50K,38, Local-gov,338611, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,40, Self-emp-inc,275366, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,59, Private,188872, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,359397, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, United-States +>50K,33, Private,158800, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,31510, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,358740, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,31, Private,257148, Bachelors,13, Widowed, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,48, Private,174525, 1st-4th,2, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,52, Dominican-Republic +<=50K,52, Private,161599, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,193494, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Local-gov,231832, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Local-gov,146834, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,63927, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,278403, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,53, Private,241141, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, ? +<=50K,70, Local-gov,127463, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,175017, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1672,40, United-States +<=50K,54, Private,56741, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Private,107683, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, White, Female,4386,0,40, United-States +<=50K,42, Private,270324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Jamaica +>50K,47, State-gov,304512, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,167049, Bachelors,13, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,20, United-States +>50K,39, Self-emp-inc,88973, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +>50K,52, Private,210736, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,73514, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,75785, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,71, Self-emp-not-inc,137723, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,1455,0,3, United-States +>50K,28, Private,220043, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,132247, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,38, Private,65390, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,177144, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,22, India +<=50K,47, Local-gov,358668, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,85, Private,188328, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,53, Private,350510, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Federal-gov,72257, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,53, Private,183668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,34, United-States +>50K,46, Private,168262, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,153536, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +>50K,36, Private,189703, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,73, Local-gov,147703, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,23, Private,173670, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +>50K,42, Private,231832, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,45, United-States +>50K,39, Private,33223, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,130021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,57, Self-emp-not-inc,50990, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,308241, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +<=50K,20, Private,254025, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,377622, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,217802, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,39477, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,138946, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,35603, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,67, Private,142624, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,22, Private,92609, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,111232, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,203518, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,38, Local-gov,233571, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,45093, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,175431, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, United-States +<=50K,90, Private,225063, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,18, Private,391495, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,162312, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,35, Philippines +<=50K,34, Self-emp-not-inc,151733, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,44, Private,172026, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,323164, 10th,6, Never-married, Craft-repair, Own-child, Other, Female,0,0,35, El-Salvador +<=50K,67, ?,129824, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,6, United-States +<=50K,21, Private,203715, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,156040, 5th-6th,3, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,186168, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,33, Private,154227, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,141327, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,103925, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Private,118633, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +>50K,48, Private,207540, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,99999,0,60, United-States +<=50K,52, Self-emp-not-inc,106728, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,192237, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,35, Private,132879, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, Italy +<=50K,17, Private,148345, 11th,7, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,326292, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,33975, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,34, Private,112115, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,129357, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,175958, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,21, United-States +>50K,58, Private,125317, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,424934, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,40, Portugal +<=50K,28, Private,204648, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,46, Private,186256, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,35, Local-gov,126569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,89813, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Private,149576, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,220426, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,72055, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,94939, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,29, Federal-gov,104917, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,23, Private,314645, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,81, Self-emp-not-inc,108604, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,153542, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,40, Private,226902, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,450200, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,50, Self-emp-not-inc,279129, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,42, Private,242619, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, Self-emp-inc,357223, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,38, Private,206951, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,67, Private,70737, 9th,5, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,32, United-States +>50K,55, Private,200939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,46, Self-emp-inc,192128, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,31, Private,188798, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, ?,202920, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,30, Private,205407, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,23, ?,24008, Some-college,10, Never-married, ?, Own-child, White, Male,0,1719,40, United-States +>50K,52, Private,172962, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,83791, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,69, Private,304838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,28, United-States +>50K,40, Private,165858, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,33, Private,110592, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,81, Private,164416, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,71, Private,345339, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,28, United-States +<=50K,26, Private,129806, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,51, Local-gov,205100, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,26, Local-gov,250551, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,285832, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,0,70, United-States +<=50K,18, Private,338717, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0,0,25, United-States +<=50K,43, State-gov,187802, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,37, United-States +>50K,46, Private,215895, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,4787,0,60, United-States +<=50K,30, Private,100135, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,34, Private,137616, 9th,5, Never-married, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,36, Private,341672, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,60, India +<=50K,44, Private,322044, Some-college,10, Divorced, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Private,149347, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,43, Self-emp-not-inc,293809, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, Local-gov,93639, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,166297, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,61, Private,167840, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2002,38, United-States +<=50K,31, Private,180656, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,41, Self-emp-not-inc,197176, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,207965, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Federal-gov,23940, Some-college,10, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,39, Private,67433, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,32, United-States +<=50K,20, Private,190916, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,235892, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,18, Private,240767, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,194515, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,37, United-States +<=50K,33, Private,156464, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,117728, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Self-emp-inc,195727, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,133454, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,191177, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,1726,40, United-States +<=50K,56, State-gov,71075, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,18, Private,233740, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +>50K,65, Private,185455, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,141445, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,27, Private,131712, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,50, United-States +<=50K,23, Private,210338, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,30, United-States +<=50K,39, Private,465334, 11th,7, Divorced, Farming-fishing, Unmarried, White, Male,0,0,1, United-States +<=50K,46, Private,168069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,80557, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,110622, Bachelors,13, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,26, Private,40255, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,80, ?,402748, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,14, Canada +<=50K,61, Private,97030, 10th,6, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,19, ?,39477, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,152351, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,56, Federal-gov,229939, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,131230, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,48, Private,182211, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,73, Private,57435, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,29, ?,225654, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,252424, Assoc-voc,11, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, Cambodia +<=50K,48, ?,155509, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,10, Haiti +<=50K,41, Private,29591, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +>50K,28, Private,101774, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,50, United-States +<=50K,37, Local-gov,74194, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,171156, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,45, Private,145637, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,14344,0,48, United-States +>50K,34, Private,172714, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,72, Private,188528, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Canada +>50K,54, Federal-gov,89705, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,165107, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,347873, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,30, Vietnam +<=50K,21, ?,298342, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,49, Local-gov,53482, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,162958, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Self-emp-not-inc,366483, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,36, Mexico +>50K,51, Federal-gov,335481, Some-college,10, Separated, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,197609, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,1340,40, United-States +<=50K,29, State-gov,160731, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, Germany +<=50K,26, Private,210848, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,35, Mexico +<=50K,59, Private,196126, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,201519, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,121124, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,22, State-gov,203518, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +>50K,52, Private,254230, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,136531, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,47, United-States +<=50K,25, Private,108505, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,31095, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,37, Private,149347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,188246, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,1590,60, United-States +>50K,48, State-gov,185859, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,29, Private,227879, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,59, Private,75541, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,99385, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,403061, 1st-4th,2, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,23, State-gov,82067, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,140434, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Private,159268, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,162945, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,365430, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,163678, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,230919, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,60, United-States +<=50K,37, Private,112264, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,192900, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Private,355856, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,20, ?,156916, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,172927, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,1741,70, United-States +<=50K,19, ?,170125, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,35, Private,305379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,24, Private,206974, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Federal-gov,482096, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,23, Local-gov,267843, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,32, United-States +<=50K,27, Private,173927, Some-college,10, Never-married, Tech-support, Own-child, Other, Female,0,0,32, Jamaica +<=50K,25, Private,225865, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,27, State-gov,261278, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,80, ? +<=50K,68, ?,180082, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,23, United-States +<=50K,45, Private,115187, Assoc-voc,11, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,451603, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,145041, Bachelors,13, Divorced, Machine-op-inspct, Other-relative, White, Male,0,2258,50, Dominican-Republic +<=50K,31, Self-emp-not-inc,132705, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Local-gov,177695, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,40, Private,197033, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,307267, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,39, Self-emp-not-inc,341643, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,1669,50, United-States +>50K,32, Private,256362, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,153484, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,46, Federal-gov,308077, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,156266, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Male,0,0,25, United-States +>50K,49, Self-emp-inc,106634, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,27828,0,35, United-States +<=50K,59, Private,198435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,37210, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,237914, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,186106, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,236731, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Cuba +<=50K,20, Self-emp-inc,465725, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,43, Private,343121, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, Private,298435, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,2001,40, Cuba +>50K,40, State-gov,255824, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,255252, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,184167, 12th,8, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +>50K,54, Private,145419, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,32, Private,87310, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Self-emp-not-inc,55048, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,36, United-States +<=50K,30, Private,104052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,41163, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, ?,502633, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,176279, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,279833, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1590,44, United-States +<=50K,21, Private,254351, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,48, Private,284916, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,23, Self-emp-not-inc,188925, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,180954, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,108023, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,197058, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,2597,0,45, United-States +<=50K,58, Private,100303, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,473133, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,32, State-gov,27051, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,29, Private,163708, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,61, Private,52765, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,99, United-States +>50K,43, Self-emp-inc,84924, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,181705, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,52012, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,36, Private,167691, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,45, Federal-gov,182470, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,200834, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,46, State-gov,76075, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,200574, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,31, Private,29144, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,34722, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,37, Private,177907, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,51, Private,238481, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1902,42, United-States +<=50K,45, Private,182541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,73, Federal-gov,142426, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,25124,0,20, United-States +<=50K,19, Private,216413, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,55, United-States +<=50K,29, Private,30070, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,39, Private,82699, Prof-school,15, Divorced, Prof-specialty, Not-in-family, Black, Female,13550,0,70, United-States +>50K,32, Private,236861, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,114328, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,198229, Prof-school,15, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,138892, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,41, Local-gov,271927, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,64, ?,220258, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,24, United-States +<=50K,28, Private,212588, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,477867, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,394927, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,155611, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,114,0,40, United-States +>50K,39, Private,109351, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,38, Private,206520, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,156526, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,315437, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,181665, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,50, United-States +<=50K,40, Private,60594, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,29, Private,221233, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,37, United-States +<=50K,36, Self-emp-inc,176900, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +>50K,47, Private,64563, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,42, United-States +<=50K,23, Private,99408, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,219869, Some-college,10, Widowed, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,41, Local-gov,135056, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,8614,0,50, United-States +<=50K,18, Private,79077, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,22, United-States +<=50K,34, Private,255830, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, Black, Female,7443,0,40, United-States +<=50K,38, Self-emp-not-inc,22245, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,34, Private,150154, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,62, State-gov,342049, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,99927, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,191784, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,41, Private,175883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,328239, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,107231, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Local-gov,155818, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,60, Private,282421, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, ? +<=50K,39, Private,241998, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Federal-gov,55363, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,29, Private,137240, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,361951, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,48, ? +<=50K,21, State-gov,311311, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,12, United-States +>50K,48, Private,186299, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,168055, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,23, Private,305423, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,393715, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,29, Private,36440, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,106761, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,235014, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,2465,40, United-States +<=50K,29, Local-gov,249932, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,382242, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, ? +<=50K,29, Private,213152, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,52, United-States +<=50K,37, State-gov,26898, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,435356, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,70, ?,103963, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,6, United-States +>50K,43, Private,185860, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,188999, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,64, Self-emp-not-inc,108654, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1421,35, United-States +<=50K,38, Private,54953, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,130620, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,29, Private,273884, HS-grad,9, Married-spouse-absent, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,30, Private,392518, Assoc-acdm,12, Married-spouse-absent, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,198766, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,66935, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,39, Federal-gov,135500, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,111697, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,141288, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,296450, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,94448, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,138200, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,217826, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Haiti +>50K,57, ?,182836, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,3103,0,40, United-States +<=50K,64, Self-emp-not-inc,46366, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,168275, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,74, Local-gov,214514, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, State-gov,107439, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +>50K,80, Self-emp-inc,164909, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,54, United-States +>50K,28, Federal-gov,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,77, Local-gov,181974, 7th-8th,4, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Private,176468, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,24, United-States +<=50K,51, State-gov,187686, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,229769, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,43, Private,45975, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Italy +<=50K,42, Private,187702, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,102585, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,327112, 11th,7, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, ?,167558, 7th-8th,4, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +<=50K,32, Private,296538, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,56, Private,169560, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,185283, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,224793, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,1719,40, United-States +<=50K,23, Federal-gov,478457, 11th,7, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Private,104413, Some-college,10, Separated, Tech-support, Other-relative, Black, Female,4101,0,40, United-States +<=50K,28, Self-emp-not-inc,175710, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +>50K,34, Private,85632, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,48, Private,102359, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,56, Local-gov,237546, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,31, Private,96245, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,42, United-States +<=50K,42, Private,91453, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,36, Private,131039, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Trinadad&Tobago +<=50K,52, Private,106176, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,0,3770,40, United-States +<=50K,55, Private,329797, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,153932, 11th,7, Married-civ-spouse, Craft-repair, Own-child, White, Male,2580,0,30, United-States +<=50K,35, State-gov,52738, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,51, Private,25932, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,19, Private,78374, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,59, Private,653215, 11th,7, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,318061, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,80, United-States +<=50K,46, State-gov,260782, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, ?,340580, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, United-States +>50K,46, Self-emp-not-inc,45564, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,209051, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,55, Private,100821, HS-grad,9, Married-spouse-absent, Priv-house-serv, Not-in-family, Black, Female,0,0,36, United-States +<=50K,28, Private,86268, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,61, Federal-gov,95680, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103,0,40, United-States +>50K,35, Private,327164, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,21, ?,117210, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Local-gov,136175, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,232591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,33, Local-gov,29144, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,64875, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,184011, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,60, United-States +>50K,29, Private,244246, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,8614,0,50, United-States +<=50K,39, Private,357173, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,203181, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,299508, HS-grad,9, Divorced, Tech-support, Unmarried, Black, Female,0,0,55, United-States +<=50K,28, Private,198493, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, White, Male,0,0,35, United-States +>50K,59, Local-gov,358747, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,38, Private,91039, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5178,0,48, United-States +<=50K,23, Private,34918, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,44, Private,97159, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Federal-gov,212600, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +>50K,65, Private,90113, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,96705, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,58, Private,156873, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,49, Private,136358, Masters,14, Divorced, Sales, Unmarried, Other, Female,0,0,20, Peru +>50K,44, Private,227065, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, ? +<=50K,44, Local-gov,193144, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,33, Private,317660, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,85492, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Local-gov,203628, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,54, United-States +<=50K,30, Private,183801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,132686, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,50818, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,55, United-States +>50K,49, State-gov,160812, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,212286, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,61, Local-gov,77072, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,176155, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,219211, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,40, Private,356934, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,57, Private,143266, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, ? +<=50K,36, ?,194809, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,50, United-States +<=50K,62, Private,138157, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,437825, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,165503, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, ? +<=50K,68, Private,152053, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,48, United-States +<=50K,18, Private,211273, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,19, United-States +<=50K,30, State-gov,576645, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,42, ?,148951, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,12, Ecuador +<=50K,38, Private,38145, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,19, Private,66619, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,22, Private,126613, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, France +<=50K,46, State-gov,135854, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,57, Private,132145, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,194920, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,18, Private,260387, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Cuba +<=50K,67, Private,176388, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,28, Private,77009, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,30, Private,385177, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,20, Private,510643, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,100135, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,35, Private,297697, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,38, Private,179481, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,134045, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,275034, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,33, Private,127651, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,8614,0,40, United-States +<=50K,24, Private,237262, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, ?,274445, HS-grad,9, Never-married, ?, Own-child, White, Male,0,1602,20, United-States +<=50K,40, ?,141583, Bachelors,13, Never-married, ?, Unmarried, Black, Female,0,0,35, United-States +<=50K,27, ?,294642, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,181179, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,27, Private,184493, HS-grad,9, Separated, Handlers-cleaners, Own-child, White, Female,0,1594,25, United-States +>50K,48, Local-gov,125892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,118235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, United-States +<=50K,24, Private,119329, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Self-emp-not-inc,189843, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Private,167357, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,213,40, United-States +<=50K,51, Private,103803, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, United-States +>50K,41, Private,145175, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103,0,40, United-States +<=50K,26, Private,158846, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,69, Private,203313, 7th-8th,4, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,63, Private,125954, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +>50K,35, Private,102178, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,139364, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,62, Self-emp-not-inc,265007, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Ecuador +<=50K,26, Private,61996, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,62, United-States +>50K,63, Private,209790, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,117779, 12th,8, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,43, Self-emp-inc,173326, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +>50K,44, Private,318046, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,56, Local-gov,204021, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,236157, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,42900, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,144002, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,37, Private,126954, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,228649, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,126094, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,113106, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,19, United-States +<=50K,30, Private,118941, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Federal-gov,205675, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,75, United-States +<=50K,19, Private,89295, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,173858, HS-grad,9, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,2597,0,40, ? +<=50K,26, Private,168251, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,38, State-gov,143059, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,74, ?,41737, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2149,30, United-States +>50K,54, Private,266598, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,181796, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,214731, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,40, Private,219869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,99999,0,75, United-States +<=50K,23, Private,211968, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,38707, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,18, Self-emp-not-inc,58700, 9th,5, Never-married, Farming-fishing, Other-relative, Other, Female,0,0,40, Mexico +<=50K,24, Private,160261, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, France +<=50K,30, Private,160594, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,152307, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,41, United-States +<=50K,27, Private,100079, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,60, China +<=50K,21, Private,279472, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,43, Private,149102, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,177625, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,178678, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,1380,50, United-States +<=50K,58, Self-emp-not-inc,21383, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,86019, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,36, United-States +>50K,63, Private,181153, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +>50K,36, Federal-gov,223749, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,33087, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,253190, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,51, Private,165278, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,46, United-States +<=50K,51, Private,279452, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, Mexico +<=50K,43, Private,290660, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +>50K,47, Private,274883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,68, Self-emp-not-inc,35468, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,18, Private,195318, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,23, United-States +>50K,34, Private,256362, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,49, Private,148169, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,40, United-States +<=50K,65, Self-emp-not-inc,538099, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,186682, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +>50K,59, Self-emp-not-inc,156797, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,29, Private,162257, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, Private,208881, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,60, United-States +>50K,39, Private,159168, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,3004,40, United-States +<=50K,64, Private,172740, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,48, Federal-gov,186256, HS-grad,9, Divorced, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,110861, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,128699, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, Ecuador +<=50K,31, Private,271933, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,102320, Assoc-voc,11, Separated, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,54, Self-emp-inc,117674, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,190273, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,217747, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,99830, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,343068, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,32, State-gov,204052, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,267912, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,31, Private,207537, Some-college,10, Separated, Sales, Not-in-family, White, Male,2174,0,52, United-States +>50K,38, Private,256864, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,39, Self-emp-not-inc,306678, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,101204, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,4064,0,40, United-States +>50K,43, Private,77373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,47, United-States +<=50K,27, Private,371103, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Private,316271, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,56, Self-emp-not-inc,51916, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,159008, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,27, Private,153475, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, Private,118549, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,58, Private,315081, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,20, Private,122622, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,81786, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,194752, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,48, Private,208662, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +>50K,28, Self-emp-inc,173944, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024,0,65, United-States +>50K,34, State-gov,49325, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,38, Private,425502, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,55360, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,432480, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,48, Private,155781, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,2231,30, United-States +>50K,37, Local-gov,216473, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,185366, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,247515, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, Puerto-Rico +<=50K,70, Private,210673, 10th,6, Widowed, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +<=50K,32, Private,107435, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, ?,217300, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,20, ?,39803, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,482211, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,47, Federal-gov,169549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, ? +<=50K,23, Private,353542, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,40, Private,114200, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,245173, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,212895, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,49, ?,95636, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,271486, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,37, Private,258836, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,56, Private,288530, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +>50K,64, Private,47589, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,295099, Some-college,10, Divorced, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,38, Private,275338, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,45, United-States +<=50K,52, Self-emp-not-inc,168553, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,142766, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,18, United-States +>50K,31, Private,72887, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,47, United-States +<=50K,35, Private,102946, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,1669,45, United-States +<=50K,66, Self-emp-not-inc,244749, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Cuba +<=50K,36, Private,166115, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,26, Private,213383, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-inc,107231, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,17, ?,130969, 9th,5, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,27, Private,221977, 1st-4th,2, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +<=50K,41, Private,43467, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,99, United-States +>50K,52, Private,357596, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,48, Private,146497, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +>50K,33, Private,317809, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,190290, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +>50K,59, Private,194573, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,72, ?,144461, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,52, Local-gov,240638, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,52776, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,50524, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,324023, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,17, Private,110916, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,203924, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,53, Private,214868, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, Black, Female,0,2001,40, United-States +<=50K,27, Private,275466, 10th,6, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Local-gov,198708, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,23, Private,179241, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,154981, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,29, Private,178811, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,130018, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,87504, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,377414, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,177927, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,137490, 5th-6th,3, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,25, Private,262617, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,30682, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,60, Private,119684, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,52, Private,187938, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,49, United-States +>50K,35, Private,122353, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,31, Private,75755, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Private,91316, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,55, Private,134789, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,115892, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,104457, Bachelors,13, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,51, Local-gov,230767, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, Cuba +<=50K,61, Private,227332, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,160264, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,174533, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,53114, Some-college,10, Widowed, Sales, Not-in-family, White, Female,2538,0,20, United-States +<=50K,20, Private,163870, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,228709, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,172571, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,335542, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1628,50, United-States +<=50K,63, Local-gov,241404, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Female,0,0,35, United-States +<=50K,50, Private,197189, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,59, ?,102058, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,45, Portugal +>50K,41, Self-emp-inc,104813, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,261437, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,366842, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, ? +<=50K,21, ?,121468, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,214994, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,67, Private,229709, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,249039, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,49, Private,142287, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,259323, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,238281, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,60, Private,156774, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,86153, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,0,0,40, Germany +>50K,62, Private,93997, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +>50K,39, Self-emp-inc,91039, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,52, Private,224198, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,51, United-States +<=50K,54, Private,221336, HS-grad,9, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,28, Private,128012, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, ? +<=50K,53, Local-gov,231166, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,79702, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,132320, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, ?,33355, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,55, ?,177557, HS-grad,9, Divorced, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Private,148549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,301563, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,113106, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,41, Private,304175, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,25, State-gov,230200, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,313444, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,247328, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,132565, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,539019, Some-college,10, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,114292, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,227608, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,185554, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +<=50K,46, Self-emp-not-inc,181372, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,344592, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +>50K,29, Self-emp-not-inc,102326, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,220647, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2377,50, United-States +<=50K,18, ?,30246, 11th,7, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,33, Private,496743, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,88, United-States +<=50K,21, Private,161508, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,33, State-gov,30494, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,29, Private,256764, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1564,40, United-States +<=50K,20, ?,49819, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,42, ?,338281, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,20, Iran +<=50K,21, Local-gov,256356, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,25, Private,318644, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,227594, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,165695, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +>50K,55, Private,127728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,123681, Assoc-acdm,12, Separated, Sales, Unmarried, White, Male,0,0,35, United-States +>50K,48, Private,168038, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1564,50, United-States +>50K,32, Private,154950, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,44, United-States +<=50K,25, Private,148298, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,63042, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +>50K,57, Local-gov,101444, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,455379, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,211097, 5th-6th,3, Divorced, Other-service, Unmarried, Other, Female,0,0,20, Honduras +<=50K,61, Local-gov,153264, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,263220, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,43, Private,180138, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,208946, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, ? +>50K,33, Private,321709, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +>50K,39, Private,215981, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,26880, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,1092,40, United-States +<=50K,30, Self-emp-not-inc,90705, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,185068, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,20, Puerto-Rico +<=50K,37, Private,268390, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +>50K,55, Private,102058, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,421132, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,191803, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,13, ? +<=50K,60, Private,181954, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,25, Iran +<=50K,17, ?,34505, 11th,7, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,30, Private,93973, 11th,7, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,63, Private,355459, 12th,8, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,35, United-States +<=50K,37, Private,173586, 7th-8th,4, Never-married, Other-service, Own-child, Black, Male,0,0,56, United-States +<=50K,32, Private,312055, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,64, Federal-gov,353479, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,21, Private,321426, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,49, United-States +<=50K,53, Private,228752, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Private,281647, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,161615, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,187376, Assoc-acdm,12, Separated, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Private,234994, 7th-8th,4, Separated, Craft-repair, Unmarried, White, Male,0,0,40, Puerto-Rico +<=50K,58, ?,169329, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,216116, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,36, Private,109204, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,88879, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,200863, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,223811, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,32, Private,360761, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,166275, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,149102, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,117381, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,306993, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,232475, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,165867, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,268234, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +>50K,59, Self-emp-inc,110457, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,329174, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,4865,0,40, United-States +<=50K,37, Private,109472, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,418176, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,380390, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, ?,36064, 12th,8, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,59, Self-emp-inc,95835, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,25, Local-gov,250770, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,67603, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,30, State-gov,352045, Masters,14, Separated, Craft-repair, Not-in-family, White, Male,99999,0,40, United-States +<=50K,21, Private,196742, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,28, United-States +<=50K,31, Private,303942, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,246687, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,187793, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,205816, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,60, Private,182343, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,42959, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,46, Private,140644, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,2258,50, United-States +<=50K,19, Private,183264, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +<=50K,49, Private,294671, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,88926, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,65, Private,64667, Some-college,10, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,27, Private,416946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,52, Private,208570, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,116649, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,78, Local-gov,87052, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,5, United-States +>50K,46, Self-emp-not-inc,102869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,123552, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Ireland +<=50K,28, Private,157262, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,146890, 9th,5, Never-married, Farming-fishing, Own-child, Black, Male,0,0,20, United-States +>50K,57, Private,257200, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,452402, Doctorate,16, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,15, United-States +>50K,39, Private,531055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,298539, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,95989, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,32, Private,162572, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,41, Local-gov,75313, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,66, Private,117162, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +>50K,46, Private,173461, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,48, Private,349986, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,24, Private,204244, 9th,5, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,31, Private,36222, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,65, United-States +>50K,38, Self-emp-inc,320811, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,82676, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,20, Private,152189, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,54, Self-emp-inc,52565, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,62, ?,121319, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,144301, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,162869, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,179241, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,34, State-gov,62327, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,121012, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,43, Private,60001, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,55, ?,105582, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,34, Local-gov,454076, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,155818, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,434081, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,48, Federal-gov,265386, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,44671, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,63, Private,190296, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,33, Federal-gov,198827, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,64, ?,22228, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,28, Private,109857, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Self-emp-not-inc,190968, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +<=50K,51, Private,75235, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,67, Self-emp-inc,127605, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,60, Italy +<=50K,33, Private,318982, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,31, Private,229636, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2042,40, Mexico +>50K,46, Private,233802, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,28119, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +<=50K,66, State-gov,198363, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,2964,0,40, United-States +<=50K,58, Local-gov,153914, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,143582, Masters,14, Widowed, Sales, Own-child, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,71, ?,78786, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,2149,24, United-States +<=50K,42, State-gov,126333, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,182689, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,35, United-States +<=50K,19, Private,35245, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,19, Private,160120, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,2597,0,40, ? +>50K,37, Self-emp-not-inc,400287, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,15, United-States +<=50K,22, Private,50610, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,349826, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,35890, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,174209, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,63225, 1st-4th,2, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,35, Private,164519, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,81145, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,32, Local-gov,73514, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +>50K,49, Local-gov,452402, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,7688,0,35, United-States +<=50K,19, ?,318056, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,27, Private,285897, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,19, ?,194404, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,20, Private,434710, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,42, Federal-gov,177142, Bachelors,13, Never-married, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,182863, Bachelors,13, Separated, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,62, Private,394645, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,110457, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,32, Self-emp-not-inc,292465, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,238433, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,55, Private,160631, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4508,0,8, Yugoslavia +<=50K,29, Private,285657, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,236907, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,378418, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,50, Self-emp-not-inc,213279, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,105503, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,79160, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,62, ?,139391, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Ireland +>50K,33, Self-emp-not-inc,190027, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,70, United-States +<=50K,79, Private,160758, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,33, Private,361280, Doctorate,16, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,36, Private,199288, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +>50K,46, Self-emp-not-inc,204698, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,213354, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,6, United-States +<=50K,22, Private,282579, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,39, Private,99783, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,27, Private,446947, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,55, United-States +<=50K,57, Private,186202, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,177951, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,28, Private,258364, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Local-gov,200727, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,33404, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,10520,0,50, United-States +>50K,63, Federal-gov,31115, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,21, Private,301915, 11th,7, Separated, Sales, Not-in-family, Other, Female,0,0,30, Mexico +<=50K,44, Private,201908, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +>50K,40, Private,168071, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,347623, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,35890, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,154227, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,161532, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,178282, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, Private,263561, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,201783, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,30, Private,161153, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,193125, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,28, Private,126060, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999,0,36, United-States +>50K,52, Private,186826, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,1564,40, United-States +<=50K,32, Private,156192, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,193094, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,26, Private,472411, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,147069, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,40, Private,300195, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,75, ?,91417, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,23, Private,182342, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Italy +<=50K,32, Private,258406, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Mexico +<=50K,27, Private,87239, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,294406, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,18, ?,41385, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,4508,0,40, United-States +<=50K,66, Private,197414, 7th-8th,4, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,47, Private,323212, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Local-gov,31532, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,30, Private,127610, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, Greece +<=50K,26, Private,163189, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,594187, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +>50K,39, Private,269323, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,1485,38, United-States +>50K,33, Private,96480, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,58, Private,200316, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,212780, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,30, United-States +>50K,49, Self-emp-inc,120121, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,367240, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,117606, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +>50K,33, Private,122749, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,59, Private,169560, 10th,6, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,269890, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Private,303426, HS-grad,9, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,5721,0,40, Philippines +<=50K,25, Private,112835, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,226503, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,207733, 1st-4th,2, Widowed, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,20, Private,275421, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,37, Local-gov,165883, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,56, Self-emp-inc,236676, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,171578, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Private,685955, Bachelors,13, Never-married, Sales, Unmarried, Black, Male,0,0,50, United-States +>50K,32, Private,72887, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,34, Private,135304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,218781, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,126540, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,261943, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +<=50K,34, State-gov,111843, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,3325,0,40, United-States +>50K,71, Self-emp-not-inc,401203, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,34, United-States +<=50K,56, Private,117400, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,61, ?,113658, 10th,6, Divorced, ?, Other-relative, White, Female,0,0,20, United-States +>50K,40, Local-gov,166822, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,36, United-States +<=50K,35, Private,151322, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,102684, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,152652, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,193416, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,3, United-States +<=50K,35, Private,103323, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,33975, Bachelors,13, Separated, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, ?,163665, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,59, Private,187485, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,50, Private,110327, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,179498, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Local-gov,197915, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Private,103995, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Female,10520,0,60, United-States +<=50K,46, Private,123807, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,15, United-States +<=50K,23, Private,43535, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,57, Self-emp-not-inc,200316, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,125832, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,72, Canada +>50K,51, State-gov,71691, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, Private,168212, Some-college,10, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Federal-gov,98320, Some-college,10, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,914,0,40, United-States +<=50K,41, Private,173307, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +>50K,56, Private,442116, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +<=50K,18, Private,130849, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,17, United-States +<=50K,51, Private,159015, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,147921, Prof-school,15, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,48, Private,268022, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,51, Private,253357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,339954, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,347623, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,3411,0,40, United-States +>50K,53, Federal-gov,169112, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,166213, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +>50K,62, Private,216765, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,51, Private,335997, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,18, ?,354236, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,70, Private,178120, HS-grad,9, Widowed, Priv-house-serv, Other-relative, Black, Female,0,0,8, United-States +>50K,54, Private,312631, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,50, United-States +<=50K,67, Local-gov,31924, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,2964,0,41, United-States +>50K,34, Federal-gov,96483, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,60, United-States +<=50K,26, Private,305304, 11th,7, Separated, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,52, Local-gov,111722, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,72, United-States +<=50K,24, Private,197554, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,257126, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,101597, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,220115, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,210844, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,40, Columbia +<=50K,25, Self-emp-inc,66935, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,81, Private,192813, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, Portugal +<=50K,35, Self-emp-not-inc,95639, 11th,7, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,4, United-States +>50K,40, Self-emp-not-inc,223881, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,223105, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,33, Private,192644, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,90, United-States +>50K,45, Self-emp-not-inc,58683, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5178,0,48, United-States +<=50K,22, Private,162282, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,55, United-States +<=50K,38, State-gov,239539, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Private,117849, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,17, Private,99237, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,18, ?,149343, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,3, United-States +>50K,42, Self-emp-not-inc,193882, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,41, Private,107845, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,268295, 5th-6th,3, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,71269, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,42, Self-emp-inc,204598, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,3464,0,80, United-States +<=50K,19, ?,98283, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,32, United-States +>50K,45, Self-emp-inc,188694, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,201908, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,38, Private,191137, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,58, Self-emp-not-inc,129786, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,302903, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,143526, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,182117, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,172753, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,85, United-States +<=50K,37, Private,139770, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,47, Private,215686, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, United-States +>50K,31, Private,181388, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,45, United-States +>50K,57, Private,81973, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,15024,0,45, United-States +>50K,44, Private,328581, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,110110, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,31, Private,174201, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,137421, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,35, India +>50K,34, Private,153927, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,187649, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,72, Private,149992, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,234640, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,47, United-States +>50K,52, Local-gov,311569, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,182383, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,57, State-gov,344381, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688,0,75, United-States +<=50K,35, Self-emp-not-inc,280570, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,215039, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,339442, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,28, Local-gov,168065, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,47534, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,54, Local-gov,116428, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,121789, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,29, State-gov,143139, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,187790, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,140559, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,184025, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,47, Private,257824, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,89226, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,7688,0,40, Greece +<=50K,21, Private,145917, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,207301, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,51, Private,135388, 12th,8, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,1564,40, United-States +<=50K,24, Private,266467, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,200047, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,121040, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,199694, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,301007, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,64, Self-emp-not-inc,253759, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,53, Private,120839, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, State-gov,33342, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,205195, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,362873, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, El-Salvador +<=50K,25, Private,104614, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Female,0,0,25, United-States +<=50K,27, Self-emp-not-inc,32280, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,30, Private,191777, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,20, ? +<=50K,39, Private,144169, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,264076, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,119164, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,126845, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,228395, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Private,242654, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,1138,40, Honduras +<=50K,69, Self-emp-not-inc,30951, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,36, Private,48855, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,57, Self-emp-not-inc,50791, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,58, Local-gov,248739, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,165418, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,79464, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,36, Local-gov,321247, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,104269, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,129573, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,222142, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,40, United-States +<=50K,24, Private,126613, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,54, Private,145548, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,331861, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,39, Private,156261, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,27, Private,173944, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,69739, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Portugal +<=50K,32, Private,266345, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,278006, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,50, Self-emp-inc,82578, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,154164, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,7, ? +>50K,25, Private,250038, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,175468, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,16, United-States +<=50K,23, State-gov,435835, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,7, United-States +>50K,70, Private,135601, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,35, United-States +<=50K,20, State-gov,162945, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,244115, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,16, United-States +<=50K,29, Private,351902, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,34, United-States +<=50K,33, Private,291414, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,278736, 12th,8, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,44, Private,138975, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,165295, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Mexico +>50K,49, Self-emp-inc,93557, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,66, Self-emp-not-inc,176315, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,401,0,20, United-States +<=50K,35, Private,187167, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,241582, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,33, United-States +<=50K,31, Private,247328, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,75, Self-emp-not-inc,157778, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,15831,0,50, United-States +>50K,66, Self-emp-not-inc,67765, 11th,7, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,84, United-States +<=50K,19, ?,229431, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,192203, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,93326, Some-college,10, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,118889, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,29, State-gov,237028, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,63, Private,156127, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,151325, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,311350, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,273465, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,66, Private,172646, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,1173,0,12, United-States +<=50K,51, Private,379797, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,131827, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,26, State-gov,158734, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,233533, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,48, Private,246367, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Local-gov,142049, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,101119, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,104830, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,594,0,35, United-States +>50K,42, Private,173981, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +>50K,63, Private,195338, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,18, Private,64253, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,56, Private,182062, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,111696, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,41, ?,168071, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,314369, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,45, United-States +<=50K,37, Private,178877, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,42, Private,111483, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,18, ?,192321, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,62, Private,171757, 7th-8th,4, Widowed, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Federal-gov,157313, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,38772, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Federal-gov,72338, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,132626, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,50, Private,176240, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,202692, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,70021, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,55, Private,181242, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +>50K,48, Private,196707, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,80, Local-gov,81534, 1st-4th,2, Widowed, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,1086,0,20, Philippines +<=50K,25, Private,137658, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,253190, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,233059, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, State-gov,177787, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,35, Self-emp-not-inc,193026, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,62, Self-emp-not-inc,271464, Masters,14, Separated, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,199689, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Federal-gov,190653, Assoc-voc,11, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,40, ? +<=50K,40, Private,359389, Bachelors,13, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,49, Self-emp-not-inc,181717, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,7, United-States +<=50K,52, Private,245127, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,21, Private,274398, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,344624, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,169037, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,48, United-States +<=50K,22, Private,221406, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,71, Private,211707, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,4, United-States +<=50K,73, ?,185939, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,227026, Bachelors,13, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, Nicaragua +>50K,38, Private,187847, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,238144, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,29, Private,243660, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,26, Private,102476, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,238405, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,187479, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,168294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, ?,129893, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,1579,30, United-States +<=50K,55, Private,172642, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,208066, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,247558, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,41, United-States +>50K,36, Private,99233, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,46, Private,430278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, State-gov,204374, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,38, Poland +<=50K,30, Private,136832, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,54, Federal-gov,151135, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,95875, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,39, Private,360494, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,187581, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,98659, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,45, Private,252242, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,99999,0,55, United-States +<=50K,24, Private,411238, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,199083, Masters,14, Divorced, Transport-moving, Not-in-family, White, Male,0,2258,50, United-States +<=50K,38, Private,222573, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,245317, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,45, Private,216414, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,50, United-States +<=50K,32, Private,236396, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,311826, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,18, United-States +<=50K,38, Private,172538, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,43712, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,272669, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0,0,30, Hong +<=50K,50, Private,137299, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,40, Private,171305, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,60, United-States +<=50K,33, Local-gov,190027, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,20, Private,376416, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,17, Local-gov,236831, 12th,8, Never-married, Adm-clerical, Own-child, Black, Female,0,0,15, United-States +<=50K,27, Private,170148, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,28, United-States +<=50K,66, Private,366425, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,53, Private,95864, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, England +<=50K,71, Private,37435, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,3, United-States +<=50K,39, Self-emp-not-inc,151835, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,149419, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,20, ?,224238, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,6, United-States +>50K,56, Private,359972, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, England +<=50K,60, Private,23063, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Private,198282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,211020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, Germany +<=50K,42, Private,104196, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,56, Private,133819, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,328734, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,2238,40, United-States +<=50K,34, Self-emp-not-inc,41210, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,225399, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,13862, HS-grad,9, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,38, United-States +>50K,32, Local-gov,43959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,83827, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,157332, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,163706, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,70, United-States +<=50K,43, Private,211517, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,1669,45, United-States +<=50K,69, ?,92852, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,39, Self-emp-not-inc,192626, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Private,115439, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,27, Private,98769, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,66473, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,138077, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,10, United-States +>50K,30, Local-gov,339388, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,72, United-States +<=50K,28, Private,195520, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, Ireland +<=50K,68, Private,204680, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,55, Private,184948, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,356231, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,2129,65, United-States +>50K,55, Private,204334, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, England +>50K,60, Self-emp-inc,96660, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,8, United-States +<=50K,44, Private,184871, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,298950, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,238802, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, ?,242670, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +>50K,47, Private,183186, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,34125, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,158996, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,35, Local-gov,203883, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,61, Self-emp-inc,248160, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,54, Private,548361, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,98, United-States +<=50K,21, Private,203914, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,19, United-States +<=50K,53, State-gov,91121, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Self-emp-not-inc,139397, 10th,6, Separated, Exec-managerial, Unmarried, White, Female,0,0,15, Ecuador +>50K,56, Private,208640, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,183013, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,161141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,54, Private,343333, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,80, United-States +<=50K,35, State-gov,210866, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,359854, Bachelors,13, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,35, Mexico +<=50K,49, Self-emp-inc,235646, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,47, United-States +<=50K,60, Self-emp-not-inc,157588, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,99, United-States +<=50K,55, Private,200734, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, ? +<=50K,21, Private,212213, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,38, Private,248941, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,291831, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,43, State-gov,114191, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,54, Self-emp-inc,151580, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,331498, Doctorate,16, Never-married, Other-service, Own-child, White, Male,0,0,40, ? +<=50K,20, Private,139989, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Private,187167, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,299528, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Taiwan +<=50K,41, Private,226608, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,306361, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,213416, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, Mexico +<=50K,23, Private,85139, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,48779, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,71, Self-emp-inc,146365, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,24, United-States +<=50K,36, Private,355856, 5th-6th,3, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +>50K,51, Private,39264, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,117028, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,266631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Haiti +<=50K,26, Private,152263, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,49, Private,387074, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,245211, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2002,43, United-States +<=50K,48, Private,136455, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,16, United-States +>50K,53, State-gov,153486, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,31, Private,105479, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,409902, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,21, ?,133515, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,594,0,40, United-States +<=50K,38, Private,89202, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, ?,185692, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,84, United-States +<=50K,34, Private,157024, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,53, Private,230936, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,57298, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,26, Private,82488, Masters,14, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,29, Private,606111, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,235182, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,150336, Some-college,10, Divorced, Tech-support, Other-relative, White, Female,0,0,40, United-States +>50K,43, Federal-gov,145175, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,39, Private,186719, Some-college,10, Separated, Craft-repair, Unmarried, White, Female,0,0,25, United-States +<=50K,38, Local-gov,325538, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,192995, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,31, Private,103596, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,207172, 11th,7, Never-married, Protective-serv, Not-in-family, White, Female,0,0,35, United-States +<=50K,53, Self-emp-not-inc,237729, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,3411,0,65, United-States +>50K,44, Private,121718, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,48, United-States +<=50K,43, Private,196344, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,22, Private,100235, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,161153, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,303619, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,88, Self-emp-not-inc,141646, 7th-8th,4, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,5, United-States +<=50K,21, Private,293726, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,190772, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,1590,35, ? +<=50K,35, Local-gov,91124, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,318912, Bachelors,13, Never-married, Other-service, Own-child, Black, Male,0,0,55, United-States +<=50K,48, Private,355978, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,81468, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,16, United-States +<=50K,64, Private,183672, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,49, Private,140826, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,50, ? +<=50K,44, Private,146659, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,294720, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,34, Private,284629, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,128091, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,153643, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +>50K,36, Self-emp-inc,173968, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,168479, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,303177, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, Mexico +<=50K,27, Self-emp-not-inc,189030, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,261584, Some-college,10, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,131230, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,138852, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,137532, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,67222, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,28, Private,278736, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,87, Private,143574, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,16, United-States +<=50K,54, Private,283725, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,131404, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,43, Private,185015, 5th-6th,3, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,43, Federal-gov,47902, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908,0,40, United-States +<=50K,38, Private,272017, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,224559, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,65, Private,138247, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,22, United-States +<=50K,39, Private,365465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,69887, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,203488, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,39, Private,57691, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,40, United-States +>50K,35, Private,193815, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,48, United-States +<=50K,31, Self-emp-not-inc,37284, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,317434, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,198613, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, Prof-school,15, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,31, Private,187560, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,77, ?,331863, Some-college,10, Separated, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,40, State-gov,52498, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,58, Federal-gov,256466, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,7688,0,40, China +>50K,37, Local-gov,215618, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,80, United-States +<=50K,39, Private,150057, 10th,6, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,213714, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,173095, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,4, United-States +<=50K,36, ?,143774, HS-grad,9, Divorced, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,277488, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,240468, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,43, Private,197609, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,72294, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,219155, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,130277, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,1726,40, United-States +<=50K,67, Private,100718, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,57, Private,151474, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Private,209955, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,23892, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,40, Private,206927, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,35, Private,60135, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,74, ?,95630, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,19, Private,229516, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,127740, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +>50K,39, State-gov,252662, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,2824,50, United-States +<=50K,17, ?,171080, 12th,8, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,47, ?,118358, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,50, ? +>50K,32, Private,160594, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1564,50, United-States +<=50K,32, Local-gov,393376, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,48, United-States +<=50K,51, Federal-gov,321494, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, ?,289517, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,38, Private,331395, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,19, ?,199609, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,178596, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,198996, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,222654, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,18, Private,293510, 12th,8, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +>50K,32, Self-emp-not-inc,176185, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, Japan +>50K,28, Private,370509, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,45, Private,167381, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,21, Private,300445, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Private,339602, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,329222, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,1740,40, Laos +<=50K,54, Self-emp-not-inc,183668, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,30014, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,120820, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,33021, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,295662, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,183168, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,148738, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,35, Private,214738, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,196758, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,35, Federal-gov,105527, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,221495, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,211938, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,209320, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,32, United-States +<=50K,33, Private,298785, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Private,459192, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,44, United-States +>50K,37, Private,342642, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,46015, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,219199, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,15, United-States +<=50K,49, Self-emp-not-inc,285858, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,66, Private,592029, HS-grad,9, Widowed, Sales, Not-in-family, Black, Female,0,0,24, United-States +<=50K,24, Private,132247, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,50, Private,330543, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,56, Private,176613, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,68, Private,174895, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,200408, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,219687, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,18, United-States +<=50K,17, Private,174466, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,27, Private,339921, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,38, Mexico +<=50K,47, Local-gov,330080, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,151504, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,39, State-gov,275300, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,178322, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,49, State-gov,209482, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Private,157831, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,46, Private,224314, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,71, ?,144461, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,3456,0,16, United-States +<=50K,42, Self-emp-not-inc,114580, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,70, United-States +>50K,46, Self-emp-inc,321764, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,197907, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, State-gov,199884, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,30, Private,332975, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,37599, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,36, United-States +<=50K,28, Private,52199, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Self-emp-not-inc,45795, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +>50K,30, Private,154120, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,27, Private,217530, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, El-Salvador +<=50K,58, Self-emp-not-inc,426263, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,37, Private,406664, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,24, Private,269799, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,127738, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,330724, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,16, ? +>50K,47, Private,138999, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,48, United-States +<=50K,33, Private,152744, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,26, Private,155459, Bachelors,13, Never-married, Protective-serv, Other-relative, White, Male,0,0,45, United-States +>50K,43, Private,222596, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,29, Private,209173, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,513977, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +>50K,45, Private,186410, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,230684, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,136986, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, State-gov,647591, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,264300, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,59, Private,95967, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +>50K,33, Private,187802, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1887,40, United-States +>50K,45, Self-emp-inc,270079, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,141379, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,18, Private,176653, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,26, United-States +<=50K,35, Private,176900, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,200217, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,188331, 11th,7, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,158363, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,247422, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,247120, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, White, Female,0,0,50, ? +<=50K,20, Local-gov,37932, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,32280, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,197286, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,55, Private,228595, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,81534, 11th,7, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,17, Private,165457, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,28, Private,209109, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,31, Private,141817, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,66, ?,249043, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,185640, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,400195, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,267912, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,370032, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,34, Private,191957, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,53, Private,361405, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,103580, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,116632, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,185480, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,94113, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,60, United-States +<=50K,26, Self-emp-not-inc,75654, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +<=50K,38, Private,104727, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,302406, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,63, Private,116993, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,274528, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Federal-gov,218382, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,35, Federal-gov,170425, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,148437, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Private,24264, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,78923, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,49, Self-emp-inc,106169, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Local-gov,211860, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,250821, Prof-school,15, Never-married, Farming-fishing, Other-relative, White, Male,0,0,48, United-States +<=50K,29, Private,202558, Assoc-voc,11, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,96480, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,32, United-States +<=50K,32, Private,215912, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,51, Self-emp-inc,182211, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,70, United-States +<=50K,33, Federal-gov,206392, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,150057, Bachelors,13, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,38, Self-emp-inc,105044, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,168195, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,18, Federal-gov,54377, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,69, Self-emp-not-inc,118174, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,20051,0,15, United-States +<=50K,54, Private,229375, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,44, Federal-gov,109414, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,1977,40, Philippines +<=50K,40, Private,158275, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,625,40, United-States +<=50K,40, Private,32185, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,20, Private,228452, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,170174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,56, United-States +>50K,39, Private,162370, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,260253, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,252392, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,99897, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,22, ?,52596, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, ? +<=50K,38, Private,48093, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,275244, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,35, United-States +<=50K,41, Private,173316, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,162164, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,45, United-States +<=50K,62, Private,166425, 11th,7, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,203463, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,99999,0,40, United-States +>50K,35, Private,77792, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,58, Self-emp-inc,120384, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,257470, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,38, Private,171482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,50, United-States +>50K,29, Private,162298, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,170273, Some-college,10, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,384774, 7th-8th,4, Divorced, Tech-support, Not-in-family, White, Female,0,0,50, United-States +<=50K,48, State-gov,120131, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,159442, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,37, Ireland +<=50K,33, Private,303942, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,33436, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,42, United-States +<=50K,45, Private,193407, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,22, Private,51985, Some-college,10, Never-married, Other-service, Own-child, White, Male,1055,0,15, United-States +<=50K,31, Local-gov,127651, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,152246, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,59, Private,124137, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,2202,0,40, United-States +<=50K,18, ?,209735, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,18, Private,241552, 11th,7, Never-married, Other-service, Own-child, White, Female,0,1719,20, United-States +<=50K,42, Private,174295, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,99, United-States +>50K,42, Self-emp-not-inc,165815, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,26, Local-gov,566066, Bachelors,13, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, ?,269373, 12th,8, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,143604, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,18, Local-gov,294605, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,12, United-States +<=50K,44, Private,122381, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,76, Local-gov,104443, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,1668,40, United-States +<=50K,34, Private,208116, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,25, United-States +<=50K,60, Self-emp-inc,328011, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,375079, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,35, Private,210945, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,38, United-States +<=50K,26, Private,169100, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,30126, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,165737, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,1, Japan +<=50K,24, Private,200295, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Private,553588, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,58, Local-gov,164970, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,199031, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,29, Private,187750, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,89413, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,188171, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-inc,392502, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Federal-gov,73883, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,59, Self-emp-inc,76860, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,40, China +<=50K,19, Private,376683, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,23, Private,189013, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +<=50K,32, Private,190385, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,34, Private,154874, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,175032, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,68, Self-emp-not-inc,338432, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,30725, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Local-gov,319280, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Private,280957, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,42, Private,256813, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,276213, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,161496, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,399531, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,74, Self-emp-not-inc,168951, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,14, United-States +<=50K,38, Self-emp-not-inc,108140, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,43, Private,358677, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Local-gov,127424, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, ? +<=50K,45, Self-emp-not-inc,163559, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,48, ? +>50K,45, Self-emp-not-inc,390746, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,187981, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Private,187715, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,46, United-States +<=50K,25, Private,192449, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,381581, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, State-gov,211049, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,43, Private,214242, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,35, Private,190759, 11th,7, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,209301, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,118614, Masters,14, Separated, Sales, Unmarried, White, Female,0,0,36, United-States +<=50K,22, Private,124971, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, Private,198704, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Local-gov,32587, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,51, Local-gov,227261, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,250988, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, State-gov,147206, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,25265, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,54, Local-gov,188446, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,206017, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,36, Local-gov,287821, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,62, Federal-gov,223163, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,38973, 10th,6, Widowed, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,370274, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,271559, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,30, Columbia +>50K,66, Private,171331, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,201127, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,64874, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,202683, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +<=50K,17, Self-emp-not-inc,103851, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,4, United-States +>50K,34, Private,196266, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,303601, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,43150, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,193889, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, ? +<=50K,28, Private,177036, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Self-emp-not-inc,135304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3942,0,32, United-States +<=50K,17, Private,25982, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,51, State-gov,103063, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +<=50K,41, Private,328239, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,142724, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,31, Private,198452, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,18, United-States +<=50K,28, Private,285897, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,34568, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +>50K,44, Self-emp-not-inc,136986, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,31, Self-emp-not-inc,404062, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, Portugal +<=50K,39, Private,80479, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,30, Private,433325, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,56, Self-emp-not-inc,368797, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,41, Private,157473, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,24, Private,193130, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,91667, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,36, Private,153078, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, Hong +>50K,31, Private,179673, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,236648, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,42, United-States +<=50K,41, Private,77357, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,267796, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,57, Private,335276, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Private,189102, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,34, Self-emp-not-inc,203051, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,167440, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,21, Private,186087, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,334267, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,45, United-States +<=50K,49, Private,172246, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Local-gov,117963, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,374116, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,60, Private,304074, Some-college,10, Widowed, Transport-moving, Not-in-family, White, Male,0,0,28, United-States +>50K,35, Private,212195, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, United-States +>50K,42, Self-emp-not-inc,52781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,176671, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,24, Private,175778, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,340126, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,64, Private,237581, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, Mexico +>50K,47, Local-gov,246891, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,23, Private,181659, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,34, Private,209900, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,47, Private,151826, 10th,6, Divorced, Tech-support, Unmarried, Black, Female,0,0,38, United-States +>50K,43, Self-emp-inc,210013, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Self-emp-inc,120131, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,366421, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,137578, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,36, Private,89625, 10th,6, Separated, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,72, Self-emp-not-inc,298945, Bachelors,13, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,108247, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,103642, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,25, ?,181528, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,23, Private,131699, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,14, United-States +<=50K,18, Private,154089, 11th,7, Never-married, Sales, Unmarried, White, Male,0,0,20, United-States +>50K,41, Private,247081, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,276839, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,166115, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,192936, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,50, Private,247425, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,198196, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,260254, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,60, Private,176360, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,214731, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,107564, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,32, Private,29312, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,62, Private,190610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,296858, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +>50K,42, Private,294431, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,259818, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Local-gov,161111, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,42, ?,85995, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,52, United-States +<=50K,18, Private,108501, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,27, Private,135296, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Federal-gov,491607, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,32, United-States +<=50K,61, Self-emp-not-inc,170278, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, Philippines +<=50K,41, Private,309932, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,117310, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,21, United-States +<=50K,46, Private,234289, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,45, Federal-gov,199925, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Male,0,0,48, United-States +<=50K,70, Local-gov,31540, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,46, Private,202606, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,30, Haiti +<=50K,20, Private,239577, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,110013, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,230054, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,27, Private,203558, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,222883, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,55, United-States +>50K,39, Private,61518, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,246891, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,51, Private,194995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,207025, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,24, United-States +>50K,39, Self-emp-inc,128715, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,180168, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,44, Self-emp-not-inc,270495, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +>50K,44, Private,191196, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,28, State-gov,624572, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,488706, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +>50K,43, Self-emp-not-inc,52131, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,38, Private,134635, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,197033, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,36, Private,112576, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,134737, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,45, Private,154237, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,103200, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,25, Private,179599, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +<=50K,57, ?,274900, 7th-8th,4, Married-civ-spouse, ?, Other-relative, White, Male,0,0,45, Dominican-Republic +<=50K,21, Private,138580, 12th,8, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Local-gov,187034, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,263568, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,35, United-States +<=50K,21, Private,142332, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +>50K,40, Private,174090, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,4687,0,50, United-States +>50K,38, Federal-gov,103323, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,108670, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,18, ?,326640, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,54, Private,99185, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,365328, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,19, Federal-gov,53220, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,1602,20, United-States +<=50K,22, Private,369084, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,48, Federal-gov,55377, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,55, Jamaica +<=50K,64, Private,271094, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,165014, Some-college,10, Married-civ-spouse, Sales, Own-child, Other, Female,0,0,11, Mexico +>50K,40, Local-gov,284086, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,47, Federal-gov,186256, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,19, Private,84250, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +>50K,39, Private,189404, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,152667, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,36, Private,239755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,44, Private,271756, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,332657, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, Private,141029, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,41281, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +>50K,41, Federal-gov,27444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,267945, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,30, Private,177675, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,135716, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,40, Private,91355, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,53292, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,51, Private,256466, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +>50K,40, Private,126701, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,13550,0,50, United-States +<=50K,25, Private,64671, 1st-4th,2, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,50, Without-pay,123004, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0,1887,40, United-States +<=50K,26, Private,167350, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,62, State-gov,160062, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,34, Private,35683, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,146565, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Self-emp-not-inc,168166, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,117779, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,2977,0,65, United-States +>50K,58, Local-gov,310085, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,262413, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, Italy +<=50K,56, Private,152874, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,1741,40, United-States +<=50K,29, Private,35314, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,37, Private,32719, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,37, Private,224566, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,190290, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,1602,40, United-States +<=50K,26, Private,331806, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,37, United-States +>50K,45, Self-emp-inc,328610, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,221533, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,350169, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,38, Japan +>50K,29, Private,125131, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,71, ?,158437, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Hungary +<=50K,37, Private,180714, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,48, United-States +<=50K,40, Private,284086, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,33, Private,119422, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,327060, HS-grad,9, Never-married, ?, Unmarried, Black, Male,0,0,8, United-States +<=50K,32, Private,171813, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,39, Local-gov,20308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,45037, 10th,6, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,53, Private,139157, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, Private,228931, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,60, Private,220729, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,147230, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,79586, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,65, United-States +>50K,40, Self-emp-inc,279914, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,40, United-States +<=50K,62, Private,142769, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,226525, 10th,6, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,178759, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,49, Private,106705, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,36, United-States +>50K,57, Private,194161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, Italy +<=50K,37, Private,225385, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,331960, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,156877, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,271354, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,31, Private,33117, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,212437, Assoc-acdm,12, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,37, Private,121228, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,1726,50, United-States +<=50K,62, Self-emp-not-inc,142139, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,54, Private,165001, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,56, Local-gov,294623, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,244413, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, Dominican-Republic +<=50K,29, Private,146014, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Self-emp-not-inc,197014, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,56, Self-emp-not-inc,169528, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,162397, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,38, Self-emp-not-inc,154641, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,251585, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,46322, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,38, United-States +<=50K,46, Local-gov,197042, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,43, Private,111829, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Local-gov,229005, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,64, Private,298546, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,43, Federal-gov,111483, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,64, Private,104973, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,383300, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,135162, 1st-4th,2, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, ? +<=50K,36, Private,87520, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,19, Private,183258, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,206546, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +>50K,55, Private,199212, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178,0,40, United-States +>50K,41, Local-gov,207685, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,61, United-States +<=50K,36, Private,213277, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,129980, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +>50K,28, Private,118089, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,45, United-States +<=50K,34, Self-emp-not-inc,236391, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,49, Private,209057, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,98044, Preschool,1, Never-married, Other-service, Not-in-family, White, Male,0,0,25, El-Salvador +<=50K,21, Private,154192, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,48268, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,158762, 10th,6, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,22, Private,87569, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,1762,40, United-States +<=50K,33, ?,274800, HS-grad,9, Separated, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,42, Local-gov,230684, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1579,40, United-States +<=50K,52, Private,155496, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,37, Private,22494, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,41, United-States +<=50K,42, Private,200610, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,60, United-States +<=50K,48, State-gov,54985, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,207807, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,30, United-States +<=50K,18, Private,294263, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,9, United-States +<=50K,23, Private,204226, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,90, Local-gov,188242, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,11678,0,40, United-States +>50K,47, Private,20956, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,55567, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, State-gov,251325, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,8, ? +<=50K,33, Self-emp-not-inc,75417, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,8, United-States +>50K,36, Local-gov,185556, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,38, Private,96732, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, Mexico +>50K,31, Private,323985, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,52, Federal-gov,198186, 10th,6, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,147884, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,35, Private,285000, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Private,91882, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,37, Private,196434, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,191968, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,222756, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,7430,0,40, United-States +<=50K,34, Private,66384, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,46, Private,165937, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,243076, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,193026, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,39, State-gov,126894, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,30, United-States +<=50K,24, Private,214399, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,55, United-States +>50K,70, ?,98979, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,20, United-States +<=50K,29, Private,191177, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,18, United-States +<=50K,27, Private,420351, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,159849, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,36, Private,128392, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,4787,0,40, United-States +<=50K,27, Private,130492, 11th,7, Divorced, Craft-repair, Unmarried, Other, Male,0,0,35, United-States +<=50K,48, Private,59380, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,59, Local-gov,130532, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,535740, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,21, Private,186452, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,276418, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,2051,32, United-States +<=50K,19, ?,383715, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,32, Private,418617, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, El-Salvador +<=50K,23, Private,607118, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,42, Self-emp-inc,230592, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,68, Local-gov,212932, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,20, United-States +<=50K,51, Self-emp-not-inc,321865, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,99, United-States +<=50K,36, Private,240755, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,167571, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,70, Self-emp-not-inc,165586, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,132267, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,308082, Preschool,1, Never-married, Other-service, Not-in-family, White, Female,0,0,15, El-Salvador +>50K,31, Self-emp-not-inc,402812, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,45, United-States +<=50K,25, Local-gov,136357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,117549, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,41, Private,482677, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,72, Self-emp-not-inc,112658, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653,0,42, United-States +<=50K,34, Private,120461, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,83444, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,55, United-States +<=50K,34, Private,93699, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,174794, Some-college,10, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,29, United-States +<=50K,22, Private,157332, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, Private,420973, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,176471, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,31, Private,113708, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,82497, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,32, Private,169512, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,44, Private,157765, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,277946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,195808, 11th,7, Never-married, ?, Own-child, White, Male,0,0,15, United-States +>50K,50, Private,57852, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,46, Private,99699, Bachelors,13, Separated, Prof-specialty, Not-in-family, Black, Female,0,1876,40, United-States +>50K,32, Private,296466, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,248476, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,409902, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,96, United-States +<=50K,19, ?,187161, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,20, United-States +>50K,36, Local-gov,220237, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1977,40, United-States +<=50K,21, Private,303187, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,38, Private,285890, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,55, United-States +<=50K,38, Self-emp-inc,63322, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,56, Self-emp-not-inc,159937, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,30, United-States +>50K,28, Private,208725, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,325159, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,89698, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,399088, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,35, Private,134922, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,50, United-States +<=50K,22, Private,245866, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,406328, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,72, Self-emp-not-inc,203523, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,30, Private,272432, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,30, State-gov,182271, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,193746, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Self-emp-not-inc,203505, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Private,118484, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,391591, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,30069, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,38, Private,179731, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,52, United-States +<=50K,34, Private,128016, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,2202,0,40, United-States +<=50K,38, Private,139473, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, State-gov,130302, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,250630, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Local-gov,115222, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,19, Private,198700, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,20, United-States +<=50K,23, Private,394191, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,78, Private,163140, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,26, Private,243786, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +>50K,42, State-gov,248406, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,20, ?,33860, Some-college,10, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,28, United-States +<=50K,45, Private,138342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,41, Private,115254, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,55, Private,173504, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,89259, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,30, State-gov,152940, Masters,14, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,58124, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,201908, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,156780, HS-grad,9, Married-spouse-absent, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,26, Private,152924, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,115963, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,375313, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Philippines +>50K,46, Local-gov,126754, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,35, State-gov,223725, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,38, Private,298871, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,25, Local-gov,306352, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, Mexico +<=50K,45, Private,166879, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, ?,125040, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,198493, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,86298, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,249039, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,217200, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,145139, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Local-gov,146343, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,102976, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Local-gov,24013, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,54, Private,162745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,55, Private,128045, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,245937, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,34, Private,426431, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,41, Private,409902, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,33, United-States +<=50K,43, Private,580591, 1st-4th,2, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,28, Mexico +<=50K,76, Self-emp-not-inc,130585, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +<=50K,24, Private,201145, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Private,196107, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,55, Private,178353, 9th,5, Divorced, Machine-op-inspct, Not-in-family, White, Male,10520,0,60, United-States +<=50K,23, Private,195508, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,224716, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,18, ?,280901, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,43, Private,169076, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,141584, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Self-emp-not-inc,253267, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,35, Cuba +<=50K,27, Private,203776, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,54, Local-gov,449172, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,174329, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,91674, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,202958, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,205680, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,193932, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,177635, 12th,8, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,65, ?,180422, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,6723,0,38, United-States +<=50K,18, Private,231335, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,141058, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,20, Federal-gov,114365, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Local-gov,212856, Assoc-acdm,12, Never-married, Protective-serv, Own-child, Black, Female,0,0,35, United-States +<=50K,23, Private,64292, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,96609, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, ?,438427, Assoc-acdm,12, Separated, ?, Unmarried, Black, Female,0,0,55, United-States +<=50K,62, ?,144026, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,105997, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +>50K,47, Local-gov,154430, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,162954, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,21, Private,94826, 5th-6th,3, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Guatemala +<=50K,27, Private,54897, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,135020, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,40, Self-emp-not-inc,367819, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,22, Private,225531, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,2205,40, United-States +<=50K,49, Private,165937, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,131230, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,95647, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,66, Private,115880, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605,0,40, United-States +>50K,37, Private,262278, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024,0,45, United-States +<=50K,38, Private,126755, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,47, Local-gov,150211, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,188694, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,53, Self-emp-inc,59840, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,144752, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,63, Private,192042, HS-grad,9, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,46, Private,230806, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,364946, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,133986, 10th,6, Separated, Transport-moving, Unmarried, White, Female,0,0,70, United-States +<=50K,21, ?,201418, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,31, Private,236543, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,238386, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,96062, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +>50K,41, Private,202565, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,194063, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-not-inc,243733, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,70, United-States +<=50K,20, Private,403519, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,1719,33, United-States +>50K,48, State-gov,104353, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +<=50K,23, Private,239539, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Private,104089, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,93585, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,139277, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, Italy +<=50K,22, Private,124971, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Private,82566, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,145964, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,32, Federal-gov,177855, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,263656, 11th,7, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +>50K,40, Private,199191, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, England +<=50K,39, Private,212840, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,56, Private,191330, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,193720, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, Greece +>50K,39, Self-emp-inc,172927, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,33, Private,51185, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,186145, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,181307, Doctorate,16, Separated, Prof-specialty, Not-in-family, White, Male,0,1408,40, United-States +<=50K,20, Private,180052, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,22, United-States +<=50K,24, ?,61791, 9th,5, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,52505, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +>50K,36, Private,48976, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,37, Private,281012, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,33, Private,156464, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,71, Local-gov,94358, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,6, United-States +>50K,44, Federal-gov,296858, Masters,14, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,40, United-States +>50K,46, Private,84790, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,177054, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,38, Local-gov,131239, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,30, Federal-gov,49398, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,27242, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Philippines +<=50K,41, Local-gov,113324, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,295591, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +>50K,61, Private,48549, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,45, Local-gov,384627, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,2580,0,18, United-States +<=50K,25, Private,266062, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, State-gov,208117, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,38, United-States +<=50K,23, Private,315476, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,20308, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,169204, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,319831, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,80356, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,313473, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,31, Private,209529, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,24, Private,214956, 11th,7, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,557853, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,32, United-States +<=50K,49, Private,78529, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,37, Private,446390, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,43, Local-gov,256253, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,31, Private,61898, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,181152, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,35, United-States +<=50K,34, Private,90409, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Self-emp-inc,237713, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,176727, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,26, Private,285367, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,4416,0,28, United-States +<=50K,36, Private,135293, Masters,14, Separated, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,39, ?,105044, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,7298,0,40, United-States +>50K,48, State-gov,98010, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, United-States +<=50K,56, Private,162301, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,65, Self-emp-inc,103824, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,115677, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,48, Local-gov,319079, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,64, Private,134912, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +<=50K,31, Private,35985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,245317, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Private,35743, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,231004, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,51, Private,237295, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,43311, 5th-6th,3, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, El-Salvador +<=50K,18, Private,154583, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,64, Private,278515, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,266062, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,36, Self-emp-not-inc,172425, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,46, Self-emp-not-inc,102388, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,48, Private,195554, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +>50K,32, Private,265368, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,44, United-States +<=50K,19, Private,100669, Assoc-voc,11, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +>50K,45, Private,233511, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,223566, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,15, United-States +<=50K,22, Private,95552, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,159676, HS-grad,9, Divorced, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,19, ?,80978, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,48, Private,70584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,153475, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,104489, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Private,146325, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,246900, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,187589, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,65535, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,38540, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,191389, 5th-6th,3, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Italy +<=50K,19, Private,231492, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,32, Private,130007, 10th,6, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,64, Self-emp-inc,487751, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,52240, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,172906, Assoc-acdm,12, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Private,158685, 12th,8, Divorced, Other-service, Not-in-family, White, Female,0,0,48, United-States +<=50K,33, Private,307693, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,30, United-States +<=50K,40, Private,202922, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,119563, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,161444, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,82242, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,45, Germany +<=50K,68, Private,357233, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, White, Female,0,0,10, United-States +<=50K,31, Private,177596, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Puerto-Rico +<=50K,27, Private,209085, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,45, United-States +<=50K,35, Private,241306, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,19447, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,195104, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,109456, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,68, Private,34887, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,6, United-States +<=50K,55, Private,202435, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,191821, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,49, Self-emp-not-inc,228372, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,37, Private,78374, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,38, Japan +<=50K,58, Private,129786, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,410439, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,35, Self-emp-inc,152307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,42, Private,33895, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,178390, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,63, Private,114011, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,157839, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Federal-gov,97355, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,369781, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,15024,0,45, United-States +<=50K,22, Private,225515, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,138513, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,72, Self-emp-not-inc,138248, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,28, Self-emp-not-inc,149141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,36, Federal-gov,233955, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,40, Federal-gov,150533, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1977,40, United-States +<=50K,53, Private,233369, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,188779, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,16, United-States +<=50K,53, Private,287927, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,60, England +<=50K,20, ?,96483, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,8, United-States +<=50K,39, Private,165215, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,15, Poland +<=50K,32, Private,107142, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,50, United-States +<=50K,48, Private,82008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,116044, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,160101, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +>50K,41, Private,356934, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,204527, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,1506,0,40, United-States +<=50K,36, Private,276276, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,110408, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,187022, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,117528, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,180439, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,33, United-States +<=50K,47, Private,185870, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,290504, Some-college,10, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,49, Private,162264, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Private,253716, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,190525, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,283227, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,375221, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,35, United-States +<=50K,30, Private,194971, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,52, China +<=50K,30, Private,198091, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,30, Private,224462, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,198751, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,27, Private,221166, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,54, Local-gov,277777, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,40, United-States +>50K,32, Local-gov,247156, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,3103,0,38, United-States +<=50K,23, Private,61777, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2580,0,40, United-States +<=50K,62, Private,67928, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,204596, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +<=50K,23, Private,27881, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,66, United-States +<=50K,48, Private,332884, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,178551, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,26, United-States +<=50K,22, Private,215917, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,56, Private,284701, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,63, Private,286990, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,73, Private,366204, 7th-8th,4, Widowed, Priv-house-serv, Unmarried, Black, Female,1264,0,10, United-States +<=50K,22, Private,163519, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,123780, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,108140, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,469263, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,50, United-States +<=50K,52, Private,216558, Some-college,10, Separated, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Private,149218, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,32, Private,113453, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,24, United-States +<=50K,46, Private,23545, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,409443, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, Mexico +<=50K,29, Local-gov,152744, Masters,14, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,1506,0,40, United-States +<=50K,33, Private,166543, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,224217, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,41, State-gov,244522, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,55, United-States +<=50K,50, Private,148121, Some-college,10, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,69, Private,295425, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,30, Self-emp-not-inc,255424, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,97214, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,29, Local-gov,158703, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,478972, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,180383, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +>50K,33, Private,159123, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,231230, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,134232, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,90729, 11th,7, Never-married, Machine-op-inspct, Unmarried, Other, Male,0,0,40, United-States +>50K,36, Private,275338, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,410446, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,120475, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Federal-gov,127048, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,60, State-gov,113544, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,34, Self-emp-inc,233727, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,210064, Some-college,10, Widowed, Prof-specialty, Unmarried, White, Male,0,0,20, United-States +<=50K,53, Private,77462, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,25, Private,108001, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,36, Private,379522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,29, State-gov,51461, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,147270, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,44, Private,118212, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,189792, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,58, Private,225623, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,38, Private,248445, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,218490, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,22, ?,379883, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,38, Self-emp-inc,312232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,234470, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,389942, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,79483, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,389279, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,107581, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,176458, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,70505, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Local-gov,259646, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,235743, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,35, Private,177449, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,52, United-States +>50K,28, Private,103432, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, Portugal +<=50K,47, Private,347088, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,275924, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, Mexico +>50K,34, Private,162113, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,48, United-States +<=50K,17, Private,147497, 5th-6th,3, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,33, Self-emp-not-inc,37232, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,10520,0,80, United-States +<=50K,33, Private,441949, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,30, Private,285855, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,103123, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,207076, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Self-emp-not-inc,36270, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,60, United-States +>50K,43, Private,206927, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,32, Private,236415, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,108035, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,225395, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,24, United-States +<=50K,28, State-gov,140239, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,11, United-States +<=50K,36, Private,338033, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,314164, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,337065, 7th-8th,4, Divorced, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +>50K,33, State-gov,340899, Doctorate,16, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,102096, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781,0,40, United-States +>50K,47, Private,31141, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,62, Private,312818, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,1, United-States +<=50K,42, Local-gov,270147, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,97279, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,247328, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,30, El-Salvador +<=50K,48, Self-emp-not-inc,31267, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3411,0,70, United-States +<=50K,32, Private,220066, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,159269, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,53, Yugoslavia +<=50K,47, Private,155107, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,24, Local-gov,354351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,129053, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,28, United-States +<=50K,58, Private,255822, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Private,192323, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,176244, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,223019, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,243243, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,77, United-States +<=50K,22, State-gov,194630, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +>50K,51, Self-emp-inc,98980, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,99, United-States +<=50K,39, Private,223792, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,415706, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Local-gov,68781, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,68, Self-emp-inc,113718, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,1258,40, United-States +<=50K,37, Local-gov,152587, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,25, State-gov,120268, Some-college,10, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,37, Private,52870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,193895, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,32, Private,239662, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1579,36, United-States +>50K,51, Local-gov,201040, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Mexico +<=50K,36, State-gov,25806, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,46, Private,130667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,55, Private,141807, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,108037, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,129311, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,149218, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,42, Private,337276, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,24366, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,61, ?,149855, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,2057,70, United-States +<=50K,35, Self-emp-inc,49020, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,36, Private,165007, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,83413, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,103331, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,15024,0,44, United-States +<=50K,56, Private,142689, 11th,7, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,398575, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,166301, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,53703, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,274907, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Private,226525, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,36440, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,81965, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,52, Private,111192, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,214238, 11th,7, Never-married, Sales, Other-relative, White, Female,0,0,32, Mexico +>50K,43, Private,115932, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,173730, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,123157, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,220283, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,155066, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,244246, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Poland +<=50K,37, Private,112264, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,200450, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,66, ?,128609, HS-grad,9, Divorced, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,340591, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,43712, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,41, Private,316820, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, Private,44142, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,311311, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,66, ?,143417, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,264166, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, Mexico +<=50K,44, Private,112656, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,45, Private,123844, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,60, United-States +<=50K,27, Private,146760, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,36, Private,225516, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,114366, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, State-gov,199227, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,299347, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,74194, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,1721,45, United-States +<=50K,25, Private,244408, HS-grad,9, Married-civ-spouse, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,26, Private,198289, 12th,8, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Puerto-Rico +>50K,63, State-gov,89451, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,149433, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,236999, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,17, Private,34943, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,46, Self-emp-inc,40666, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,40, United-States +<=50K,34, Private,329170, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,6849,0,70, United-States +<=50K,26, Private,122999, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, Local-gov,118972, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Private,205068, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,40, Private,195124, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +<=50K,21, Private,143184, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,55, ?,90290, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,175232, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,319366, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Haiti +<=50K,34, Private,61559, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,47, Private,247869, Some-college,10, Separated, Transport-moving, Unmarried, White, Male,0,0,50, United-States +>50K,39, Private,204158, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,60, United-States +<=50K,36, Private,239755, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,198210, HS-grad,9, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Local-gov,190961, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,77, Private,171193, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,1668,30, United-States +>50K,27, Private,110073, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, England +<=50K,19, Private,163885, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,99783, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,40, United-States +<=50K,18, Private,430930, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,6, United-States +<=50K,54, Private,200450, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +<=50K,33, Private,226296, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,50, United-States +<=50K,45, Self-emp-inc,214690, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,181008, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, England +<=50K,26, Local-gov,345779, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,26, Private,58350, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,164647, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,21, Private,142809, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,105803, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195067, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,289964, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,194813, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,303211, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,37932, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,73, Self-emp-not-inc,268832, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,63925, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,25, Private,189897, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,635913, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, ?,296228, Some-college,10, Never-married, ?, Unmarried, Other, Female,0,0,42, United-States +<=50K,42, Self-emp-not-inc,138162, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,54, Self-emp-not-inc,164757, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +>50K,33, Private,236013, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,79, Private,149912, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,85384, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,52, Self-emp-not-inc,30008, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,23, State-gov,209744, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,25, Private,161027, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,131662, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +>50K,47, Private,115971, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,88373, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,16, United-States +>50K,45, Federal-gov,211399, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,22, Local-gov,273989, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,124614, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,263439, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,19896, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +<=50K,31, Private,229732, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,50, United-States +>50K,59, ?,169611, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,7298,0,12, United-States +>50K,36, Private,220237, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, Greece +>50K,46, Self-emp-not-inc,130779, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,152540, Bachelors,13, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,168330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,29, Private,485944, Bachelors,13, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,199539, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,26, Private,210521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,244175, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,42, Private,223763, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,183580, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, ? +<=50K,42, Private,63596, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,108540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,43, Self-emp-not-inc,116632, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,17, Private,175414, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,38, Federal-gov,290624, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,557805, Assoc-voc,11, Never-married, Sales, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,20, Private,19410, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,48, Private,206357, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,38, Private,216385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1740,40, Haiti +>50K,46, Private,120131, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,72, Private,131699, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,6, United-States +<=50K,30, Self-emp-not-inc,157778, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,302679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,133292, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,83, Self-emp-not-inc,243567, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +>50K,61, Private,72442, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,43909, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,23, Private,108307, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,20, Local-gov,87467, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,18, United-States +<=50K,42, State-gov,99185, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,27, Federal-gov,37274, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,44, Self-emp-not-inc,342434, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,234372, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,66, Self-emp-inc,107627, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,22, ?,377725, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,23, United-States +<=50K,32, Private,30271, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Private,368570, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,43, Private,316820, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,56, State-gov,176538, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,64, Private,265786, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,82393, Some-college,10, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,46, Private,318259, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,55, United-States +<=50K,45, Private,157980, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,41, Private,173981, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,52, Federal-gov,165050, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,303652, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,34, Private,393376, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,121912, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,351770, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +>50K,39, Self-emp-not-inc,198841, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Canada +<=50K,41, Local-gov,139160, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, ?,214810, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,137385, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,0,0,50, United-States +>50K,39, Private,86643, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,55, United-States +<=50K,20, Private,200089, 11th,7, Never-married, Farming-fishing, Other-relative, White, Male,0,0,36, El-Salvador +>50K,26, Private,219199, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,142711, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,29, Private,626493, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,177125, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, State-gov,181776, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,70, United-States +<=50K,36, Private,257250, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,444134, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,24688, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,33731, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,209443, Bachelors,13, Married-AF-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Private,140854, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,60, United-States +<=50K,50, Private,330142, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, United-States +>50K,26, Private,29488, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,279129, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,177940, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,48, United-States +<=50K,19, Private,391403, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,36, Private,334365, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,171356, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +>50K,45, Private,71145, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +<=50K,25, Private,36943, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,42, Private,285787, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,433580, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,50197, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,59, State-gov,139611, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,40, India +<=50K,31, Private,187802, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,241431, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,121775, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,136758, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,22, Private,493034, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,132139, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,50, Self-emp-not-inc,100109, 11th,7, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, ? +<=50K,23, Private,198861, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,1669,40, United-States +<=50K,19, Private,273226, 11th,7, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,323054, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,22, Private,284895, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,191324, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,53, Private,92565, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,46, Private,234690, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Cuba +<=50K,20, Private,258509, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,42, State-gov,178897, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,1151,0,40, United-States +<=50K,65, Private,220788, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,55, Private,376548, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,228592, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,18, United-States +<=50K,33, Local-gov,177216, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,33, ?,211743, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,21, United-States +<=50K,21, Private,23813, 10th,6, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,47, Private,195688, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,124953, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, ? +<=50K,34, Private,129775, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,339644, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,61, Private,149648, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,79, Private,187492, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,18, Private,336523, 12th,8, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,39, State-gov,222530, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,1590,40, United-States +<=50K,49, Self-emp-inc,140644, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5013,0,45, United-States +<=50K,31, Private,265201, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,47, Private,135246, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,36, Private,89202, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,296394, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,45, United-States +<=50K,50, Local-gov,66544, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,65, United-States +<=50K,41, Self-emp-not-inc,165815, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,187722, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,38, Local-gov,187046, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Private,397877, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,37, Private,258827, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,119529, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,22, Private,97212, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,19, Private,47235, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,75, United-States +<=50K,56, Private,359972, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,97212, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,52, Local-gov,72036, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,25, United-States +<=50K,35, Private,174938, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,201404, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,56, United-States +<=50K,23, Private,234791, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,33, State-gov,85632, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,147411, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,127388, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,116657, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,194608, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,28, Private,108706, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,158343, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,51, Private,914061, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,190174, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,19, Private,456736, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,46, Self-emp-inc,167882, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,8614,0,70, United-States +<=50K,42, Self-emp-inc,557349, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,19, Private,310483, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,29, Private,78261, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,172571, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,230229, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, Private,183017, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,230329, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,46537, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,409622, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,46, Private,190482, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, State-gov,113588, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +>50K,46, Self-emp-not-inc,246891, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,50, Private,193081, Preschool,1, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Haiti +<=50K,50, ?,284477, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,141420, HS-grad,9, Married-civ-spouse, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,197325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,443336, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,37, Private,66304, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,25, Private,180783, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,38, Local-gov,218763, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Federal-gov,388252, Bachelors,13, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,55614, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,25, Private,307643, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +<=50K,18, ?,33241, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Local-gov,58065, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,65, State-gov,172348, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,72, Private,138790, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,25, State-gov,117393, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,22, Private,227220, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,241306, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,189565, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,182714, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,113839, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,30, Private,92531, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,119629, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,26, Private,322585, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,277347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,221955, 5th-6th,3, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +>50K,38, Private,149347, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Private,207116, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,174077, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,22418, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,255252, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Private,159138, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,12, United-States +>50K,38, Private,414991, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,282678, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,53, Federal-gov,164195, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,4386,0,40, United-States +<=50K,21, Private,143436, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,202046, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Canada +<=50K,21, ?,202214, Some-college,10, Never-married, ?, Own-child, White, Female,0,1721,40, United-States +<=50K,55, Private,236731, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,23, Local-gov,307267, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,49, Private,144514, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,62, Private,155913, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,206383, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +<=50K,25, Private,233994, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,123291, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,195602, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,151888, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,103995, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,263796, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,111499, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,202222, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,230246, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,37778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,17, Private,144752, 10th,6, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,27, Private,220931, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,38, Federal-gov,68840, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,205339, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Private,172837, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,52, United-States +<=50K,41, State-gov,159131, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,207284, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,350824, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,70, ?,116080, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,39, Self-emp-not-inc,183081, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Self-emp-not-inc,177974, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942,0,99, United-States +<=50K,63, Private,192849, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,18, Private,169882, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,12, United-States +<=50K,21, Private,137320, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +>50K,34, Private,251521, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,329791, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,32, Private,261319, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Local-gov,343052, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,53271, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,38, United-States +<=50K,20, Private,129024, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,29, Private,179768, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,144949, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,150861, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,44, Local-gov,112763, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,116358, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, Self-emp-not-inc,331374, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,152811, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,68, Local-gov,202699, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,6418,0,35, United-States +<=50K,55, Private,92847, 7th-8th,4, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,30, United-States +<=50K,41, Private,137142, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,953588, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Local-gov,225544, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,62, Private,116289, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,279912, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,256630, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, Canada +>50K,42, Private,259727, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,25236,0,20, United-States +>50K,47, Private,331650, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,182006, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,4416,0,30, United-States +<=50K,19, Private,277708, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,64874, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,376455, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Private,125000, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,390369, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Private,250423, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,48, Local-gov,27802, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,1876,50, United-States +<=50K,50, Private,137192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,20, Philippines +<=50K,28, State-gov,200068, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,40, United-States +<=50K,26, Private,220656, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Private,199501, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, Jamaica +<=50K,26, Private,181613, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,32, Private,329432, Masters,14, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,139180, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, ?,263612, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,73, ?,402363, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +<=50K,25, Private,256545, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,31, Private,246439, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,38, United-States +<=50K,20, Private,182615, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,131401, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,259138, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,2407,0,36, United-States +>50K,43, Private,107503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,61, State-gov,205482, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,184833, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,4650,0,50, United-States +<=50K,43, Private,395997, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,33, Private,158438, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,42, Self-emp-inc,190044, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,52, United-States +<=50K,42, Self-emp-not-inc,184378, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,118983, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,99127, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,106982, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,52, United-States +>50K,47, Private,213668, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,8614,0,65, United-States +<=50K,50, Local-gov,159689, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,57, Private,354923, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,21, Private,200207, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,28, Local-gov,98590, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,42, Private,221947, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,33, Private,160634, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,53, Local-gov,179237, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,97771, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,237399, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,276559, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +>50K,50, Private,178251, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,58, Private,145370, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,15024,0,50, United-States +<=50K,21, Private,249271, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,257562, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,115842, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,341368, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,20, ?,172232, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,25, Private,67151, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,21, Private,228649, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,164198, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,64, Local-gov,190228, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,19, Private,179707, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,59, Self-emp-inc,132559, Doctorate,16, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,55, United-States +<=50K,36, Private,473547, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,55, Self-emp-inc,284526, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Cuba +<=50K,20, Private,112854, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,32, United-States +<=50K,28, Private,271012, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,298995, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,0,0,50, United-States +<=50K,20, Never-worked,273905, HS-grad,9, Married-spouse-absent, ?, Other-relative, White, Male,0,0,35, United-States +>50K,41, Private,172712, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,205249, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,55, ? +<=50K,24, Private,375698, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Japan +<=50K,42, State-gov,355756, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,147951, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,58, Private,156493, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,215857, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,22, Private,88824, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,242150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,30, Private,295010, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,67, Self-emp-not-inc,268781, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, Private,360593, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,44, United-States +<=50K,35, Private,306678, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,42, Self-emp-inc,377018, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,131230, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,457710, 11th,7, Never-married, ?, Own-child, White, Male,0,0,16, Mexico +<=50K,34, Self-emp-inc,229732, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,159879, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,204629, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,46580, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,471768, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,32, United-States +>50K,38, Private,117802, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,28, Private,175537, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,22, Private,247734, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,190885, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,38, Mexico +>50K,49, Private,117849, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-inc,103794, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,5721,0,35, United-States +<=50K,35, Self-emp-not-inc,222450, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,558344, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,48, United-States +<=50K,18, Private,131825, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,21, United-States +<=50K,45, Private,166181, HS-grad,9, Widowed, Priv-house-serv, Own-child, Black, Female,0,0,25, United-States +<=50K,22, Private,179392, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,47, Local-gov,232149, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,23, Private,96748, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,177895, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,207066, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Private,127749, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,216129, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,401273, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,5, United-States +>50K,51, Private,245356, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,52, Private,30846, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,216414, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,361390, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064,0,40, Italy +<=50K,29, Private,255364, Some-college,10, Divorced, Other-service, Own-child, White, Male,594,0,24, United-States +<=50K,19, Private,197377, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +>50K,66, Self-emp-not-inc,197816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,17, United-States +<=50K,38, Private,194140, Some-college,10, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,50, United-States +>50K,67, ?,110122, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,33, Private,102130, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Federal-gov,85815, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,30, Private,176064, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,55, United-States +>50K,43, Private,38946, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,249463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,175665, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,111385, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, State-gov,165867, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,347890, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,49249, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,125417, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,65, United-States +<=50K,73, Self-emp-not-inc,30958, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +>50K,45, State-gov,191001, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,18, Self-emp-not-inc,68073, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,233149, 12th,8, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,204596, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,109996, 9th,5, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,29, Private,251170, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,140001, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,61, State-gov,347445, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,229126, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,47, Private,235431, Preschool,1, Never-married, Sales, Unmarried, Black, Female,0,0,40, Haiti +<=50K,56, Private,209280, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,16, United-States +<=50K,26, Private,172013, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,133876, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,60, Private,152727, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,30, Private,139838, 10th,6, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,153885, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,45, United-States +<=50K,64, Self-emp-not-inc,21174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,101266, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,32, Private,99548, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,31, Local-gov,220669, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,6849,0,40, United-States +<=50K,36, Private,91716, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,32, Self-emp-not-inc,112115, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,49, Private,220978, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Private,121012, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,242804, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,192654, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,45, Private,111706, 1st-4th,2, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,41, Private,174196, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,54, Private,312500, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,39623, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,355468, 10th,6, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, State-gov,62726, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Federal-gov,75867, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,76449, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,34, Private,111567, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,112945, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,191389, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,208584, Assoc-acdm,12, Separated, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,49, Private,99340, 5th-6th,3, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,54, Self-emp-not-inc,308087, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,64, Private,166843, HS-grad,9, Widowed, Other-service, Other-relative, White, Male,0,0,28, United-States +<=50K,62, ?,122433, 10th,6, Divorced, ?, Unmarried, White, Male,0,0,35, United-States +<=50K,31, Private,103573, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,264735, Masters,14, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +<=50K,58, Self-emp-not-inc,281792, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,184081, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Jamaica +<=50K,22, Private,381741, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,58, Private,98630, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,161631, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,152591, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,69, Self-emp-not-inc,150080, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,278141, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,229328, 12th,8, Widowed, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +<=50K,26, Private,278916, Some-college,10, Separated, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,43, Federal-gov,421871, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,6849,0,50, United-States +<=50K,35, Private,164193, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,189265, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,5, United-States +>50K,52, Private,384959, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,36, United-States +<=50K,62, Private,67320, HS-grad,9, Widowed, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,50, Private,174655, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,30, Local-gov,327203, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,51148, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,19, Private,287380, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,27, United-States +>50K,58, Private,131608, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,122857, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,28, Private,259609, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,33, Private,104509, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,203435, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,148429, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,106950, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,87402, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,265638, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,60, United-States +<=50K,27, Private,430710, HS-grad,9, Separated, Sales, Own-child, White, Male,0,0,40, United-States +>50K,50, Federal-gov,193116, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,94880, Some-college,10, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,67, Private,186427, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,348287, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,58, Private,77498, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,47, Private,199058, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,156464, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, Germany +>50K,40, Private,202508, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,48, ? +<=50K,45, Private,131309, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,32, United-States +<=50K,41, Private,99679, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,136309, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,294451, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,104719, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,72, Self-emp-not-inc,207889, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,215890, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,341239, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,58326, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,176544, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,1741,50, United-States +<=50K,37, Private,216149, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,274637, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,23, Private,163870, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, ? +<=50K,52, ?,287575, HS-grad,9, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,268292, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,43, Private,343061, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Cuba +>50K,46, Local-gov,481258, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,181129, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,18, ?,153302, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,235891, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,33, Self-emp-not-inc,41210, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,31, Local-gov,152109, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +>50K,28, Private,114072, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,83066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,30, United-States +<=50K,18, Private,110230, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,5, United-States +<=50K,33, Self-emp-inc,137421, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,45, South +>50K,46, Self-emp-inc,222829, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,50, State-gov,89652, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +>50K,43, Self-emp-inc,375807, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,29, Private,184224, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,54639, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,77764, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,61523, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Self-emp-not-inc,54614, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,188246, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +<=50K,25, Private,267594, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,140499, HS-grad,9, Never-married, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Private,73471, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,41, Federal-gov,33487, Some-college,10, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0,0,38, United-States +<=50K,23, ?,201179, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,165814, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,44, State-gov,46221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,49, Self-emp-inc,172246, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,31, Federal-gov,148207, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,53, United-States +>50K,36, Private,389725, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, Germany +<=50K,33, Private,343519, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,35, Private,67317, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Self-emp-not-inc,257728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,264554, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,224567, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,24038, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,35, Private,210945, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,52, Self-emp-not-inc,123727, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, ?,78374, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,1, United-States +<=50K,18, Private,138266, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,58, Private,147098, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,26, Private,211695, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,196480, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,373699, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,189680, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,342458, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,161155, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,48, United-States +<=50K,48, Local-gov,116601, Masters,14, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,50, Nicaragua +>50K,67, Self-emp-inc,127605, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2174,40, United-States +<=50K,22, Self-emp-not-inc,47541, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,62, Private,134779, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,42, Self-emp-not-inc,177937, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,114758, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,64, Local-gov,287277, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,173113, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,51, Private,169785, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,64, Self-emp-not-inc,280508, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,24, Private,360077, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,165229, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,35, Private,282753, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,308812, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,132519, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,0,40, United-States +>50K,38, Private,185053, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +>50K,42, Local-gov,261899, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,119939, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,276165, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,361280, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,33, Private,195770, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,289804, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,247115, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,60, United-States +<=50K,48, Federal-gov,50459, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,260617, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,155066, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +>50K,80, Private,227210, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,40, United-States +<=50K,47, Local-gov,47270, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,111128, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,37, Private,119929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,73, Private,157248, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,174386, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,34, Private,21755, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,63, United-States +<=50K,35, Private,261646, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Private,590204, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,36, Private,679853, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Dominican-Republic +>50K,40, Private,144928, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,40, United-States +<=50K,26, ?,88513, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,110663, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,52, Self-emp-not-inc,182187, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Haiti +<=50K,45, Private,160703, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,39, Private,279323, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,131425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,180288, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +>50K,43, Self-emp-inc,123490, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,421474, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,100079, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828,0,60, China +<=50K,30, Private,95639, 11th,7, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,169002, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,49893, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,24, United-States +<=50K,30, Federal-gov,234994, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,137232, Bachelors,13, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,42, United-States +<=50K,49, Self-emp-not-inc,27067, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,40, Private,193385, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,34, Private,181372, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,23, United-States +<=50K,47, Private,189143, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,115422, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,64, Self-emp-not-inc,163510, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,50, United-States +<=50K,35, Private,241998, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,39, Private,106838, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +<=50K,90, ?,50746, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,30, Local-gov,325658, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,71, Private,244688, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,6514,0,40, United-States +<=50K,29, Private,244721, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,170721, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,105803, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Private,152810, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,138944, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,392668, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,28, Private,192257, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Japan +<=50K,79, ?,23275, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,70, Self-emp-inc,46577, Bachelors,13, Widowed, Farming-fishing, Unmarried, White, Female,0,0,6, United-States +<=50K,44, Private,174325, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,41, Local-gov,307767, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,192698, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,443809, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,18, Private,218100, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,37, Private,516701, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,1564,50, ? +<=50K,20, Private,123173, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,33, Private,241697, Some-college,10, Married-spouse-absent, Sales, Unmarried, Amer-Indian-Eskimo, Male,0,1602,40, United-States +>50K,53, Self-emp-inc,233149, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,357939, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,73928, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,54, State-gov,88528, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,37, United-States +<=50K,40, Private,245073, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,45, Private,148824, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,27, Private,106276, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,48, Private,185039, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,210310, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,150767, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +>50K,72, ?,31327, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,30237, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,22, Private,264765, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +<=50K,29, Private,148069, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, ?,41493, Bachelors,13, Divorced, ?, Own-child, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,168539, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,54, ?,108233, Assoc-acdm,12, Separated, ?, Not-in-family, Black, Female,0,0,20, United-States +<=50K,25, State-gov,66692, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,122747, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-inc,176289, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,238017, HS-grad,9, Widowed, Tech-support, Not-in-family, Black, Female,0,0,54, United-States +<=50K,28, Private,41099, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,190151, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,58, Private,109159, HS-grad,9, Widowed, Tech-support, Unmarried, White, Female,0,0,38, United-States +>50K,37, Local-gov,176949, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +>50K,61, Private,293899, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,48, Private,168262, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,64, Private,208862, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,50, Private,69477, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,443546, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Germany +<=50K,21, ?,202989, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,80, United-States +<=50K,59, Self-emp-not-inc,49996, HS-grad,9, Widowed, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,75, State-gov,220618, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +<=50K,30, Private,127875, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,217517, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,2885,0,40, United-States +<=50K,20, Private,162151, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,53, Federal-gov,314871, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,48, Local-gov,193960, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,33, Private,198103, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, State-gov,106466, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Private,122109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,54, Private,254152, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,51, Private,249449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,184169, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,34, Self-emp-inc,156192, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,175509, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,60, United-States +>50K,42, Private,297266, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,90, United-States +<=50K,24, Private,188073, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,18, ?,221312, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,79, Private,121552, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Male,0,0,5, United-States +<=50K,38, Private,177134, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +>50K,67, Private,127921, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,40, United-States +<=50K,25, Private,210794, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,149366, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Peru +<=50K,25, Private,214303, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, ? +<=50K,24, ?,205940, 9th,5, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,24, ?,43535, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +>50K,47, Private,158924, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,270437, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,266505, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,38, United-States +<=50K,32, Private,37070, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Japan +<=50K,26, Federal-gov,56419, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,20, South +<=50K,52, Private,389270, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,61, Private,205266, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,104575, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,99220, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,178313, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,41, Local-gov,103614, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,114882, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,186977, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Columbia +<=50K,22, Private,208893, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,10, United-States +>50K,57, Self-emp-inc,84231, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,20, Private,129240, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,64, Private,113061, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,243409, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,28132, 12th,8, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,77975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,241580, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,55, United-States +<=50K,40, Private,165599, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,31, Private,85374, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,42, United-States +<=50K,32, Self-emp-not-inc,45604, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,42, Private,109501, 5th-6th,3, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,289405, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,75759, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,3325,0,40, United-States +<=50K,27, Private,144808, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,21, ?,231511, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,47, Private,155890, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,56, Self-emp-not-inc,108496, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,101562, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,29, Private,116372, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,58037, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,339025, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,1579,40, Vietnam +>50K,31, Private,117659, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,372898, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,199426, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,36023, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,64, ?,186535, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,3103,0,3, United-States +<=50K,44, Private,57600, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,48, Private,369522, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,35, Private,28572, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,215323, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,81846, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,68, Private,535762, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1844,10, United-States +<=50K,59, Private,239405, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,35, Jamaica +<=50K,43, Local-gov,43998, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,408417, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,43705, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Private,176841, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,17, Private,120676, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,44, Local-gov,207685, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,33, United-States +<=50K,26, Private,157708, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,126349, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,49, United-States +>50K,40, Private,277647, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,45, Private,174426, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +>50K,43, Self-emp-not-inc,37869, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,28, Private,150025, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Peru +<=50K,54, Self-emp-not-inc,155496, Some-college,10, Never-married, Other-service, Unmarried, White, Female,2176,0,40, United-States +>50K,43, Private,174748, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,7430,0,45, United-States +>50K,40, Self-emp-inc,140915, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Other, Male,0,0,40, France +<=50K,19, Private,187161, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,24, Private,181820, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,438321, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Private,342121, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,54, United-States +<=50K,39, Private,135162, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,289448, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,2205,30, Philippines +>50K,44, Self-emp-not-inc,157237, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,184542, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,74, Private,70234, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,26, United-States +<=50K,30, Private,170412, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,171184, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Dominican-Republic +<=50K,56, ?,141076, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,3674,0,40, United-States +<=50K,59, Private,168145, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,172594, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,133582, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,2176,0,36, Mexico +>50K,51, Private,214840, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, ?,301408, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,30, United-States +<=50K,33, Private,97723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,51, Self-emp-not-inc,318351, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, Canada +<=50K,20, Private,69911, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,59, Private,200316, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,265426, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,66687, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,31, Private,107417, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, ?,140782, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,36, United-States +<=50K,23, ?,212210, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,57, Private,144012, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,40021, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,228493, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,65, Mexico +>50K,40, State-gov,114714, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,17, Private,188758, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,176862, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Local-gov,107793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, Self-emp-not-inc,333052, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,5, United-States +>50K,49, Private,175958, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,24, Private,125012, Bachelors,13, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,28, Private,135296, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,31171, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +<=50K,31, Private,103860, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,90582, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,216292, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,54, Local-gov,188588, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,2001,35, United-States +<=50K,27, ?,173178, Some-college,10, Never-married, ?, Not-in-family, Black, Male,0,0,36, United-States +<=50K,50, Self-emp-inc,193720, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,48, United-States +<=50K,35, Private,218542, 9th,5, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,138845, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,46, State-gov,86837, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,50, Philippines +<=50K,22, State-gov,125010, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,50149, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,241350, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,50, United-States +<=50K,81, Private,39895, 7th-8th,4, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,2, United-States +<=50K,36, Self-emp-not-inc,258289, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,28, Self-emp-not-inc,183151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,228614, 7th-8th,4, Married-civ-spouse, ?, Husband, Black, Male,0,0,35, United-States +<=50K,51, Private,192236, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3464,0,48, United-States +<=50K,37, ?,161664, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,60, United-States +<=50K,45, Private,105381, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,235786, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,118947, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,35, Private,168817, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,24361, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,321223, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,66, Private,146810, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +<=50K,30, Local-gov,94041, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,3325,0,35, United-States +<=50K,40, Self-emp-not-inc,814850, 9th,5, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,43, Private,331649, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,209894, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,44, Private,229954, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,287547, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,184018, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,25, Private,332409, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,113364, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,28, State-gov,134813, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,65, United-States +<=50K,24, Private,273049, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,29, Private,334277, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,51, State-gov,196395, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,47, Private,138069, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,358259, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,362067, Assoc-voc,11, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Private,209947, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,23, Private,122244, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,116546, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,213934, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,42, United-States +>50K,27, Local-gov,24988, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,1564,72, United-States +<=50K,53, Private,157229, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,40, India +<=50K,30, Private,162442, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +>50K,67, Federal-gov,231604, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,187031, Masters,14, Never-married, Sales, Unmarried, Black, Female,0,0,38, United-States +<=50K,33, Private,172714, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,198286, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,220001, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,262656, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,32, United-States +<=50K,27, Private,203776, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,36, Private,193815, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Local-gov,173242, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,43, Private,108126, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,1762,24, United-States +<=50K,62, Private,199021, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,54, United-States +<=50K,53, Private,92968, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,173682, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Local-gov,277533, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,90896, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,212600, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,52, Private,261671, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,66, Private,86321, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,22, United-States +<=50K,37, Self-emp-not-inc,119992, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,33, Private,427812, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Puerto-Rico +>50K,34, Private,55849, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,23, Private,271354, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,50, United-States +<=50K,36, Private,131239, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,50, State-gov,139157, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,39, State-gov,305541, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,50, Private,151159, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,84726, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,45, Germany +<=50K,47, ?,175530, 5th-6th,3, Separated, ?, Own-child, White, Female,0,0,56, Mexico +>50K,39, Local-gov,364782, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,137304, Bachelors,13, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,23, Private,197613, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Self-emp-inc,171615, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,57, Self-emp-not-inc,105824, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,47, Local-gov,250745, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,28, Private,352451, 7th-8th,4, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,123947, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,43, Private,178983, Masters,14, Separated, Sales, Unmarried, White, Female,6497,0,50, United-States +>50K,47, Private,101299, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Self-emp-inc,124993, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,178478, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,67001, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,97295, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,48, Local-gov,169515, Bachelors,13, Divorced, Protective-serv, Not-in-family, Black, Female,0,0,43, United-States +>50K,49, Private,121253, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,1564,40, United-States +<=50K,52, Federal-gov,35546, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,111635, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,207419, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +>50K,31, Private,143083, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,248094, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,170685, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,46, United-States +<=50K,46, Private,116143, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,25, Private,223426, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,65, Canada +<=50K,23, Private,370548, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,27, United-States +<=50K,43, Private,245525, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,408229, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,15, United-States +>50K,29, Local-gov,181434, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,27, Private,213225, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,45, England +<=50K,24, Private,199915, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,44, Local-gov,143104, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,31, Private,874728, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,43, Private,27661, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Local-gov,216116, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Private,193882, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,50, Self-emp-not-inc,98180, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,45, United-States +<=50K,70, Self-emp-not-inc,92353, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,78, Self-emp-not-inc,184762, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3471,0,50, United-States +<=50K,21, ?,148294, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,128777, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,73, Private,108098, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,47, Private,233511, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,223792, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,43904, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, Private,239864, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,159075, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,103474, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,90896, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,145290, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,155818, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,35864, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,0,70, Iran +<=50K,18, Private,394954, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, State-gov,34637, 9th,5, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,40, United-States +<=50K,34, Private,38223, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,352105, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,53, Private,291096, 1st-4th,2, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,144391, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,62, Private,44013, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,134890, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,497525, 10th,6, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,195520, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,44, Self-emp-not-inc,35166, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,26, Private,180514, Bachelors,13, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,262153, 11th,7, Married-spouse-absent, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,39, Local-gov,91039, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,70, ?,30140, 9th,5, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,125791, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,15, United-States +<=50K,31, Private,337505, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +>50K,61, Private,258775, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,4386,0,40, United-States +<=50K,32, Private,153152, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,2051,38, United-States +<=50K,21, ?,120998, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,434102, 11th,7, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,3, United-States +>50K,39, Private,342768, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,160786, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +>50K,52, Private,279440, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,26, Self-emp-not-inc,67240, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +<=50K,30, Private,196963, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,15, United-States +<=50K,70, Private,115239, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,29, Private,133937, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,32, Private,31714, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,4865,0,40, United-States +<=50K,32, Private,347623, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,174848, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Self-emp-not-inc,106873, 11th,7, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,49687, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,1980,40, United-States +<=50K,39, Private,256294, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,66, State-gov,33155, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,131939, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Local-gov,95256, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,32, Private,198901, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,177287, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,144925, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325,0,40, United-States +>50K,42, Private,188243, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Self-emp-not-inc,198068, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,116960, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,172496, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Poland +<=50K,21, ?,399449, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,251990, HS-grad,9, Separated, Adm-clerical, Not-in-family, Other, Male,0,0,37, United-States +>50K,54, Federal-gov,28683, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,41, United-States +>50K,36, Private,109133, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,24504, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,201495, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,49, Private,187634, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,77391, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,36601, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,31, Self-emp-not-inc,197193, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,27, United-States +<=50K,81, Self-emp-not-inc,184762, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, Greece +<=50K,40, Private,200671, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,47, Private,186539, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +>50K,39, Private,199816, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,171351, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,29, Private,119793, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,40, Local-gov,38876, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,28, Private,145242, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386,0,20, United-States +<=50K,19, ?,292774, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,217251, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,35, Private,195253, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,35, ?,139854, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,52, State-gov,145072, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,108085, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,23, Private,72055, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,76, Private,82628, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,41, Self-emp-not-inc,49156, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,46, Private,187666, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +>50K,49, Self-emp-not-inc,225456, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,60, Federal-gov,286253, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, ?,168548, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,190384, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +>50K,46, Federal-gov,362835, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +<=50K,50, Private,243322, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,49105, Assoc-voc,11, Separated, Adm-clerical, Own-child, White, Female,594,0,40, United-States +<=50K,20, Private,72520, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,200352, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,146660, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,10, United-States +<=50K,30, Self-emp-not-inc,247328, Assoc-voc,11, Separated, Sales, Not-in-family, White, Male,0,0,40, Mexico +>50K,41, Private,304605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,309778, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,248476, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,129624, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Cambodia +>50K,30, Private,97723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,143404, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,56, Private,127264, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,34, United-States +<=50K,28, Private,179191, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,230824, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,34, Private,410615, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,43, Private,224998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,40, United-States +<=50K,60, Self-emp-not-inc,54553, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,43, Local-gov,225165, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,75257, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,33155, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,85, United-States +<=50K,32, Local-gov,450141, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,1408,40, United-States +>50K,31, Private,441949, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Mexico +<=50K,25, Private,131341, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Cuba +<=50K,25, Private,227548, 12th,8, Married-civ-spouse, Other-service, Husband, Black, Male,3103,0,40, United-States +>50K,41, Self-emp-inc,38876, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1977,50, United-States +<=50K,26, Private,143756, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Local-gov,308275, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,65, United-States +>50K,35, Private,173586, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,196074, 9th,5, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,39, Federal-gov,178877, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,285580, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,66, Self-emp-not-inc,219220, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,40, Germany +<=50K,32, Federal-gov,228696, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, Mexico +<=50K,39, Private,185405, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,240124, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,96130, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, England +<=50K,31, Private,329172, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,147280, 11th,7, Never-married, Other-service, Own-child, Other, Male,0,0,40, United-States +>50K,34, Private,197252, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,43, State-gov,118544, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,183169, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,205810, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,1672,40, United-States +<=50K,23, Private,132556, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,438429, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,104293, Assoc-acdm,12, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,506830, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,42, Private,56072, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,51, Local-gov,164300, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,34, Private,274577, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,36568, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,41, Private,223548, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,27, Local-gov,478277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,254672, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,2354,0,40, United-States +<=50K,22, Private,171538, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,17, ?,220302, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,87135, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,46, Self-emp-not-inc,138626, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,179069, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,24, Private,88824, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,159623, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +>50K,67, ?,350525, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,53, Self-emp-not-inc,276369, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,96862, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +<=50K,18, Private,245486, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,64, Local-gov,209899, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +>50K,45, Private,306122, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,44, United-States +<=50K,32, Private,240763, 11th,7, Divorced, Transport-moving, Own-child, Black, Male,0,0,45, United-States +<=50K,30, Private,323069, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,179579, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,46, ?,162034, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,291181, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,28, Mexico +>50K,31, Private,356823, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,10520,0,40, United-States +<=50K,39, Private,312271, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,182714, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,184569, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,45, United-States +<=50K,55, Private,129762, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,40, Scotland +<=50K,23, Private,216867, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,155489, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +>50K,42, Private,256179, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,48, United-States +<=50K,65, Private,51063, 10th,6, Divorced, Other-service, Not-in-family, Black, Male,0,0,64, United-States +>50K,37, State-gov,164898, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,202206, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, Puerto-Rico +<=50K,48, Private,115358, 7th-8th,4, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,15, United-States +<=50K,43, Local-gov,343068, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +<=50K,44, Private,152908, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,58, Local-gov,217802, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,45, United-States +<=50K,70, Self-emp-not-inc,380498, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, Local-gov,257124, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,46, Local-gov,313635, Prof-school,15, Separated, Prof-specialty, Not-in-family, Black, Male,4650,0,40, United-States +<=50K,33, Private,168906, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,35, Local-gov,99146, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,190325, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,272715, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,29, Private,118598, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,59, Private,97213, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,39388, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,190916, 11th,7, Divorced, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,34, Private,61308, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,27856, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,54, State-gov,151580, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,38, Private,248011, 11th,7, Divorced, Transport-moving, Unmarried, White, Male,0,0,55, United-States +>50K,44, Private,188615, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,62932, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,28, Private,32510, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,60, ?,155977, Some-college,10, Widowed, ?, Unmarried, Black, Female,0,0,54, United-States +<=50K,57, Federal-gov,250873, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,257942, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,43, Private,334141, 7th-8th,4, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, ?,144210, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,34, Private,87535, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,222011, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,33895, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,168997, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,163576, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,72, Private,98035, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,20, ?,41356, Assoc-voc,11, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,245361, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,109133, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,62, ?,111563, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,21, United-States +<=50K,75, Self-emp-not-inc,124256, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2149,35, United-States +<=50K,21, ?,227521, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,60, Self-emp-not-inc,197060, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,18, Private,332125, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,2176,0,25, United-States +<=50K,19, Private,348867, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,15, United-States +<=50K,31, Self-emp-inc,118584, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,110622, Bachelors,13, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,8, South +<=50K,24, Private,43535, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,62, Private,84784, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,1741,40, United-States +<=50K,25, Private,266600, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,3137,0,40, United-States +>50K,28, Private,106935, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,265518, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,289653, Assoc-voc,11, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,340917, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,60, ? +<=50K,41, Private,56651, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,374833, 1st-4th,2, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,40, Mexico +<=50K,38, Private,210198, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,44, Private,240448, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,206869, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,72, Self-emp-inc,149689, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,48, United-States +<=50K,72, Private,75594, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2653,0,40, United-States +>50K,37, Private,110331, Prof-school,15, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +>50K,54, Private,353787, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,142909, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,54102, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,36, Self-emp-inc,339116, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, ? +<=50K,60, ?,50783, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,415500, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,79586, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,60, China +>50K,52, Private,142757, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,56, United-States +<=50K,37, Private,91716, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,75, United-States +<=50K,22, Private,376393, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,59, Private,129762, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Scotland +<=50K,34, Private,293017, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,54583, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,54472, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,129767, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,40, Private,109217, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,32, Private,189265, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,221680, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,200947, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, Italy +<=50K,21, Private,402136, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,119411, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,47, Self-emp-not-inc,136258, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Private,35459, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +>50K,31, Private,157640, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, United-States +<=50K,39, Private,181384, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +<=50K,50, Private,81253, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,21, Private,152668, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,17, ?,387063, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,73, ?,132256, Bachelors,13, Widowed, ?, Unmarried, White, Female,0,0,7, United-States +>50K,39, Private,106964, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,55, United-States +<=50K,21, ?,214238, HS-grad,9, Married-spouse-absent, ?, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,218068, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,23, United-States +<=50K,33, Private,162572, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,74, Self-emp-not-inc,160009, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,164488, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,51, ?,209794, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,3, United-States +<=50K,31, Private,119033, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,311446, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, Germany +>50K,31, Private,128065, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,101016, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,73, Private,33493, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,3, United-States +>50K,34, Private,130078, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,32, ? +<=50K,30, Private,284826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, Self-emp-not-inc,169112, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Hungary +>50K,37, Federal-gov,362006, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,124906, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1719,25, United-States +<=50K,53, Private,229247, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,45, United-States +>50K,59, Self-emp-inc,170993, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,13550,0,40, United-States +<=50K,39, Private,157641, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,224632, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,26, Private,159732, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,2205,43, United-States +<=50K,56, Self-emp-not-inc,221801, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,347074, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1944,12, United-States +>50K,35, Private,143059, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,1902,28, United-States +<=50K,23, Private,37072, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,137815, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Federal-gov,594194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,284716, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,39, Private,202662, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Local-gov,191754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,175985, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,69, Private,108196, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, ? +<=50K,37, Private,51198, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,26, Self-emp-inc,384276, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,46, Self-emp-not-inc,368355, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,221661, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,0,30, Mexico +>50K,51, Private,108435, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,63, ?,176827, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,42, Private,209547, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,40, United-States +>50K,29, Private,197565, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1902,35, United-States +<=50K,62, Private,180418, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,45880, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,52, Local-gov,203953, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,64, Self-emp-not-inc,178748, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,203171, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,55, United-States +>50K,71, Private,132057, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,9386,0,50, United-States +<=50K,33, Local-gov,40142, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,36, Private,224541, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, El-Salvador +<=50K,67, Self-emp-not-inc,221252, Masters,14, Divorced, Sales, Not-in-family, Other, Male,0,0,40, United-States +<=50K,26, Private,133766, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,41, Private,244945, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,35, Private,171393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,63, Self-emp-not-inc,326903, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,27, Private,91257, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,41, Private,118001, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,168906, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,27, Private,267912, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +>50K,55, Private,327406, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,25, Private,141876, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,185177, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,191807, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,39, Private,114942, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +>50K,32, Self-emp-inc,204470, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,99, United-States +>50K,50, Private,195844, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,50, United-States +<=50K,39, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,224466, Some-college,10, Divorced, Craft-repair, Unmarried, Black, Male,0,0,24, United-States +<=50K,46, Local-gov,149551, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,5013,0,50, United-States +<=50K,53, Private,113522, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,68, Private,116993, Prof-school,15, Widowed, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,45, Private,277434, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,167948, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,67, Self-emp-inc,273239, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,74, Private,322789, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1411,40, United-States +<=50K,20, Local-gov,240517, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,52, Local-gov,230112, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Local-gov,211385, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,33, Private,109282, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,367904, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,43, Private,34278, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,67, Private,221281, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,39, Private,179671, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,106721, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,27, Private,152951, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,315203, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Female,0,0,30, Dominican-Republic +>50K,44, Private,117728, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,192017, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,186575, 11th,7, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,42, Private,120837, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,289430, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, Mexico +>50K,44, Private,304175, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Local-gov,251841, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,33611, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,38122, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Self-emp-not-inc,72143, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Federal-gov,385183, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,37345, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,31, Private,290964, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,38, United-States +<=50K,26, Private,52839, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,134737, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829,0,70, United-States +<=50K,21, Private,55465, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,377401, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,323497, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,21, Private,334693, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,41, Self-emp-inc,163215, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,54, Private,178530, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,368256, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Private,191137, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,64, Private,212513, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,147653, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,41, Private,173307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,212760, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,53, State-gov,101238, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,306868, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,38, United-States +<=50K,60, Federal-gov,117509, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,151835, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,70, Private,291998, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,20051,0,65, United-States +>50K,44, Private,136986, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,201984, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,187060, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +<=50K,46, Private,174928, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,29, Private,445480, 12th,8, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,265781, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Local-gov,377107, Some-college,10, Separated, Other-service, Own-child, Black, Female,0,0,35, United-States +>50K,42, Private,347890, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,24, Private,199336, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,17, Private,111593, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,35, Private,258657, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,37, Federal-gov,39207, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,159770, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,309463, 9th,5, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,10, United-States +<=50K,38, Federal-gov,215419, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, Canada +<=50K,47, Self-emp-not-inc,177533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,251239, 9th,5, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,40, Federal-gov,134307, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,1741,40, United-States +<=50K,21, Private,24598, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,140676, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,143542, 11th,7, Widowed, Machine-op-inspct, Other-relative, White, Male,0,0,20, United-States +<=50K,65, ?,38189, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,2346,0,40, United-States +<=50K,31, Private,158291, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,118503, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,71609, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,203653, Bachelors,13, Divorced, Sales, Other-relative, Black, Male,0,0,40, United-States +<=50K,31, Private,181751, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,162358, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1408,40, United-States +<=50K,66, ?,231315, Assoc-acdm,12, Widowed, ?, Unmarried, White, Female,0,0,3, United-States +>50K,59, Federal-gov,181940, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Private,213226, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,27, Private,452963, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,268039, Some-college,10, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,34, Private,141841, HS-grad,9, Separated, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,194733, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,36, Private,214008, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, ?,147755, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,32, ? +<=50K,42, State-gov,273869, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,160261, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,64, ? +>50K,25, Private,48029, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,163460, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,20, United-States +<=50K,55, Private,112529, 5th-6th,3, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,55, Private,109075, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5013,0,48, United-States +<=50K,31, Private,182699, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,101867, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,65, Local-gov,382245, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,200290, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,23, State-gov,35805, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,157541, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,61, Local-gov,192085, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,40, Private,33795, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,345459, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,105520, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,63, Local-gov,114752, Bachelors,13, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,17, Private,98572, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,54, Self-emp-not-inc,83984, Masters,14, Divorced, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Local-gov,317846, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,47, United-States +<=50K,28, State-gov,319027, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,84319, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,70, Private,298470, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Private,278322, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,169182, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,45, Cuba +<=50K,58, Private,498267, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,71, ?,94314, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,1173,0,18, United-States +<=50K,26, Private,50053, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,37, United-States +>50K,38, Private,107302, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,40, Private,110009, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,45, Private,154174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,43, Private,147110, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,141122, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,162164, 11th,7, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,26, ?,168095, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,134664, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3781,0,40, United-States +<=50K,66, Private,95644, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,198183, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,538583, 11th,7, Separated, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, ?,308499, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,108837, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +>50K,55, Private,27227, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1977,35, United-States +<=50K,43, Federal-gov,117022, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, Black, Male,0,1726,40, United-States +<=50K,66, Private,133884, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,602513, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,55, Self-emp-inc,114495, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +>50K,43, Private,171087, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,33, Private,53373, 10th,6, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,323810, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +<=50K,50, Private,200325, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,322092, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,209739, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,38, Private,589809, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,105838, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,30, Private,119522, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,56, Private,258579, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,29, Private,123200, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,2415,40, Puerto-Rico +<=50K,34, Private,275771, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,58, Local-gov,33386, Some-college,10, Widowed, Adm-clerical, Other-relative, White, Female,0,0,25, United-States +>50K,47, Local-gov,101016, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,62, Private,217434, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,187229, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,49, Private,207772, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +>50K,40, Federal-gov,179717, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,17, Private,260978, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,14, Philippines +<=50K,36, Private,280570, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,73, Private,179001, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,7, United-States +<=50K,26, State-gov,79089, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,63, Private,85420, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,21, Local-gov,244074, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,22, United-States +<=50K,49, Self-emp-not-inc,259087, 11th,7, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, ? +<=50K,20, Private,361138, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,40, Private,309311, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,46756, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Federal-gov,272339, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,82521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,103759, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,150675, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,180096, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,157991, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,164170, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,18, Private,186946, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,23, United-States +<=50K,57, Private,201159, Assoc-acdm,12, Widowed, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,61343, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,130534, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, Private,222635, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,80, United-States +<=50K,32, Private,169768, Bachelors,13, Separated, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,72922, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,59, Private,66440, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,338836, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,36, United-States +>50K,47, Local-gov,122206, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,145704, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,35, State-gov,88215, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,24, Private,114873, HS-grad,9, Never-married, Protective-serv, Not-in-family, Other, Male,0,0,40, United-States +<=50K,22, Private,240063, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,167015, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,44, Local-gov,354230, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,124827, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,225739, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,68, ?,188102, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,46, Local-gov,349986, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,112763, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,2597,0,40, United-States +<=50K,66, Private,242589, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,34, United-States +<=50K,21, Private,366929, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,38, United-States +<=50K,25, Private,154210, 11th,7, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0,0,35, India +<=50K,31, Private,274222, 1st-4th,2, Never-married, Transport-moving, Other-relative, Other, Male,0,0,40, El-Salvador +>50K,51, State-gov,166459, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,33, Private,36222, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,240063, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,31, Federal-gov,158847, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,31, Private,203488, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +<=50K,54, Private,96062, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,49, Self-emp-not-inc,126077, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,59, Private,162580, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Female,0,0,35, United-States +<=50K,76, Self-emp-not-inc,413699, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,28, United-States +>50K,32, Private,303692, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,184682, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,70, Self-emp-inc,217801, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +>50K,41, Private,306496, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,110171, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,36, State-gov,89625, HS-grad,9, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,23, ?,234108, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,270147, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,32, Self-emp-not-inc,195891, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Iran +>50K,47, Private,131160, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,99999,0,40, United-States +<=50K,56, Private,93211, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, Canada +>50K,38, Private,181661, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,56, United-States +<=50K,74, Private,146365, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,19, Private,219671, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,74, Private,203523, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2653,0,12, United-States +<=50K,22, ?,268145, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,137421, HS-grad,9, Married-spouse-absent, Other-service, Other-relative, Other, Male,0,0,40, Mexico +<=50K,31, Private,302679, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,421474, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,98524, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, Canada +<=50K,27, Private,282313, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,56, Private,157786, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +<=50K,40, Private,83508, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, United-States +<=50K,67, State-gov,167687, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3456,0,35, United-States +<=50K,45, Self-emp-not-inc,187272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,45, South +<=50K,36, Federal-gov,187089, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,167625, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,190955, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,50, Private,185846, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,40, United-States +<=50K,43, Private,55764, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +>50K,69, Private,164110, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,10605,0,50, United-States +<=50K,32, Private,117444, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Self-emp-not-inc,164593, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, ? +<=50K,45, Private,22610, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,303942, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,51, Federal-gov,378126, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1980,40, United-States +>50K,38, Self-emp-inc,231491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,36, Private,69481, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,42, Private,199018, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,255252, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,193871, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +>50K,36, Private,23892, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,201156, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,55, United-States +<=50K,33, Private,171468, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,37, Private,255454, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298,0,35, Haiti +<=50K,26, Private,207258, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,134440, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,46, Private,107737, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,193190, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,45, Private,114774, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,2258,55, United-States +<=50K,17, Private,507492, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, Guatemala +<=50K,23, Private,209955, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, Canada +>50K,36, Private,298635, Bachelors,13, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Iran +<=50K,47, Private,175600, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,294592, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,39, Private,40955, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,268996, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, Private,175323, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,52, United-States +<=50K,22, Private,125010, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, ?,201871, 12th,8, Never-married, ?, Own-child, White, Male,0,0,7, United-States +<=50K,28, Private,203171, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,53774, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064,0,12, United-States +>50K,29, Private,247867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,126135, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,82067, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,224559, 10th,6, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,48, Local-gov,127675, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +>50K,47, Private,101825, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,259412, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,25, Private,166977, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +>50K,63, Private,546118, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,110318, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,175856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,156763, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,213897, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1902,40, Hong +<=50K,24, Private,44493, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,201156, 11th,7, Never-married, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,375703, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,31, Private,293594, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,3770,37, Puerto-Rico +<=50K,44, Local-gov,183850, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,27, Private,84433, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,62, ?,296485, Assoc-voc,11, Separated, ?, Not-in-family, White, Male,0,0,10, United-States +<=50K,28, Private,214026, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,40, Local-gov,104235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2051,30, United-States +>50K,42, Private,212894, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,24, Private,446647, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,56, Private,530099, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,42850, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,43, Private,120277, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,55, United-States +<=50K,56, Private,146554, HS-grad,9, Separated, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,20, Private,44793, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,52, Private,182907, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,50, Private,341797, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,226441, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,48988, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Private,252646, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,214695, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,189194, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,68021, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,117369, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,340094, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, Local-gov,161113, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,279243, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,49, Private,110669, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +<=50K,17, Private,121470, 12th,8, Never-married, Transport-moving, Own-child, White, Male,0,0,10, ? +>50K,39, Private,453686, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,281219, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,1380,40, United-States +<=50K,30, Private,235738, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,272167, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,76, ?,84737, Bachelors,13, Widowed, ?, Other-relative, Asian-Pac-Islander, Male,0,0,32, China +<=50K,62, Private,176965, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,101701, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,20, United-States +<=50K,33, Private,22405, HS-grad,9, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,72, United-States +>50K,50, Private,98815, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,43, Private,195897, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,96718, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,39, United-States +>50K,67, Private,126361, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,9, United-States +<=50K,27, State-gov,56365, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, China +<=50K,33, Federal-gov,344073, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,1408,50, United-States +<=50K,35, Private,306388, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,143604, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,2, United-States +<=50K,26, Private,174592, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,45, Self-emp-not-inc,48553, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,358355, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Mexico +<=50K,48, Private,443377, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Local-gov,229656, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +<=50K,40, Private,115516, Masters,14, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,62, Private,189665, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,52, Self-emp-not-inc,105010, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,30, United-States +>50K,50, Private,320510, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,175943, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,44, Private,89172, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Private,281627, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1564,30, United-States +<=50K,23, State-gov,1117718, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,30, United-States +<=50K,39, Private,108293, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,152035, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,38389, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,213902, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,22, Local-gov,192812, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +>50K,35, Private,301911, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +>50K,52, Private,89041, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +>50K,37, Private,96483, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,5178,0,38, United-States +<=50K,25, Private,209970, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,27, Private,110622, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,51, State-gov,250807, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, State-gov,391257, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,26, Private,135521, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,21, ?,108670, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,179533, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,64, Private,250117, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,50, United-States +<=50K,34, State-gov,101562, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,70, Self-emp-inc,223275, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, State-gov,168035, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,175382, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,170540, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,243240, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,51, Self-emp-not-inc,381769, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,104545, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,61, Private,74040, Bachelors,13, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,30, South +<=50K,41, Federal-gov,275366, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,194360, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,24, State-gov,334693, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,146764, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, ?,184975, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,18, Private,336508, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,60, Private,427248, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, ?,186489, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,2603,40, United-States +<=50K,28, Private,258364, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,214215, 11th,7, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,49448, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,52, Private,261198, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,270535, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,26, Self-emp-not-inc,218993, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +>50K,48, Private,155489, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,151866, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,47, Private,98828, HS-grad,9, Widowed, Prof-specialty, Unmarried, Other, Female,0,0,35, Puerto-Rico +<=50K,22, Private,233495, 9th,5, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,182203, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,38, Private,33394, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,19, ?,171583, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,34, Local-gov,80411, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Private,161295, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,49, ?,178341, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,311523, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Iran +<=50K,25, Private,315130, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, United-States +<=50K,23, Private,67311, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Canada +<=50K,48, Private,44907, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,45, United-States +>50K,62, Private,104849, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,27, Private,225768, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,186666, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, ?,69510, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,59, Private,171242, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,197420, HS-grad,9, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, Mexico +<=50K,48, Private,224087, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,140141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,175943, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,14, United-States +<=50K,46, Local-gov,318259, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,190027, HS-grad,9, Separated, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,32, Private,233838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,51, ?,117847, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +<=50K,26, Private,49092, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,171524, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Columbia +>50K,50, Private,237868, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,51, Self-emp-not-inc,34067, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,25005, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,177437, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Local-gov,185267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,40, Private,104397, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,0,0,30, United-States +>50K,41, Private,33331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,48, Private,29128, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,57, State-gov,328228, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,227411, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,169117, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,27, Private,238267, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,31, Private,118551, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,47541, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,45, Private,92374, Some-college,10, Never-married, Exec-managerial, Not-in-family, Other, Male,13550,0,60, India +<=50K,61, Local-gov,224598, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,24, ? +<=50K,32, Private,131568, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Private,183319, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,41, Private,309932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,197311, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,99, United-States +<=50K,28, Private,292120, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,42, United-States +<=50K,49, Private,117310, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,38, United-States +>50K,23, Private,308647, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,30, Private,135785, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,179008, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, State-gov,205188, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,193945, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,40, State-gov,258589, Masters,14, Never-married, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +>50K,30, State-gov,107142, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +>50K,42, Private,23157, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,72, Self-emp-not-inc,47203, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4931,0,70, United-States +<=50K,30, Private,279923, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,51, Private,192386, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,6849,0,40, United-States +>50K,24, Private,188569, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,4787,0,60, United-States +<=50K,43, Private,68748, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,53, Private,239155, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,165346, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,64, United-States +<=50K,21, Private,392082, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Male,0,0,40, United-States +<=50K,36, Private,379522, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, Germany +<=50K,34, Private,109917, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,109097, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, State-gov,202765, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Federal-gov,125892, Masters,14, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,15024,0,40, United-States +<=50K,30, Private,119411, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,88231, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,188561, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Private,191681, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,36999, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,57, Private,161662, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,4650,0,40, United-States +>50K,45, Local-gov,111994, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,247711, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,2258,55, United-States +<=50K,41, Private,271282, 11th,7, Divorced, Protective-serv, Not-in-family, White, Female,0,0,20, United-States +>50K,44, Private,314739, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,195148, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,358121, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,101266, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,278391, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,50, United-States +<=50K,19, Private,206751, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,54, Private,161147, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,2174,0,40, United-States +<=50K,47, Private,301431, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,347000, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +<=50K,39, State-gov,25806, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,48, China +<=50K,24, Private,181557, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,20057, Some-college,10, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,25, Private,190107, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,30269, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,44, United-States +<=50K,20, Private,117767, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,406734, Masters,14, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,236696, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,20, Iran +<=50K,24, Private,354691, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,199720, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,24, Self-emp-not-inc,31606, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0,0,20, United-States +<=50K,45, Federal-gov,133973, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,323639, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,74, United-States +<=50K,21, Private,225724, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,64, Self-emp-not-inc,144391, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,34173, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,20, United-States +>50K,55, Local-gov,219074, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,55, United-States +<=50K,21, Private,379525, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,4416,0,24, United-States +<=50K,17, Local-gov,287160, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,7, United-States +<=50K,27, Private,130386, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,409815, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,38, Private,212143, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,33, ?,33404, HS-grad,9, Divorced, ?, Unmarried, White, Male,0,0,48, United-States +<=50K,52, Private,235567, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,306868, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,37, Private,353550, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,37, Private,107302, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,65, Self-emp-not-inc,169435, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,39, United-States +<=50K,28, Private,105817, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,32, Self-emp-not-inc,68879, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Self-emp-not-inc,206288, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,35, Vietnam +<=50K,32, Private,187936, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,50, United-States +>50K,45, Private,226081, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,414448, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +<=50K,34, Local-gov,79190, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,39, Private,34996, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,318415, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, ?,214800, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,35, Private,148334, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,41, Self-emp-inc,160120, Doctorate,16, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,62, Self-emp-not-inc,285692, Masters,14, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,461725, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,104329, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,37284, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,154374, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,209650, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,18, Private,227529, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,249382, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,305781, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,147989, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,57, Private,207604, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,367260, Doctorate,16, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,147523, 9th,5, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,52, Self-emp-not-inc,193116, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, Mexico +<=50K,18, Private,50119, 10th,6, Never-married, Other-service, Not-in-family, Black, Male,0,0,20, United-States +<=50K,52, Private,262579, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,42, Private,244910, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,48, Private,120902, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,217241, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,65098, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,17, Private,364491, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,22, United-States +<=50K,47, Private,209739, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,72338, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,26, United-States +<=50K,48, Private,215895, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,32289, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,209464, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Private,98170, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,1086,0,20, United-States +<=50K,40, Private,271665, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,124111, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,50, United-States +<=50K,82, Self-emp-not-inc,121944, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,121424, Bachelors,13, Separated, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, State-gov,33795, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,47, Private,150429, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,57, Private,124771, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,21, Private,204160, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,13, United-States +<=50K,52, Private,243616, 5th-6th,3, Separated, Craft-repair, Unmarried, Black, Female,4101,0,40, United-States +<=50K,45, Private,168556, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,186224, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,69, Self-emp-not-inc,187332, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,45, United-States +<=50K,30, Private,113433, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,268598, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +>50K,60, Self-emp-inc,137733, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,44, United-States +<=50K,55, Private,210318, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,46, Private,106662, Bachelors,13, Separated, Sales, Not-in-family, White, Male,99999,0,55, United-States +<=50K,21, Private,162667, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Ecuador +<=50K,25, Private,187577, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,89495, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,1797,0,4, United-States +>50K,41, Local-gov,247082, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,157059, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,282643, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,68, Self-emp-not-inc,69249, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, United-States +<=50K,36, Private,131766, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,3325,0,40, United-States +<=50K,20, Private,163665, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,165097, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Male,0,2001,40, United-States +>50K,35, Private,194668, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +<=50K,27, Private,116372, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,113635, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,162994, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,40, Private,266803, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, Canada +<=50K,20, Private,230482, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,299831, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,172830, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,144084, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,55, United-States +<=50K,30, Local-gov,295737, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,207685, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,39, United-States +>50K,55, Private,161423, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,53, Self-emp-not-inc,122109, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,70, United-States +>50K,45, Private,215892, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,2824,50, United-States +<=50K,45, Private,176517, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,40, Self-emp-not-inc,220821, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,73, Local-gov,249043, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, Cuba +<=50K,18, Private,58949, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,33, Private,158438, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,154950, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,38, Private,200445, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,65, ?,224357, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,2290,0,4, United-States +>50K,31, Federal-gov,103651, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,316524, Bachelors,13, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +>50K,51, Self-emp-inc,200046, Bachelors,13, Separated, Sales, Unmarried, White, Male,0,2824,40, United-States +>50K,32, Private,193285, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,146015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,195096, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,221078, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Local-gov,186375, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,44983, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,71, Private,29770, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,63, State-gov,266565, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,27, United-States +<=50K,45, State-gov,235431, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,57, ?,153788, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,99999,0,45, United-States +<=50K,47, Private,280030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,50, Self-emp-not-inc,158352, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,25, Local-gov,109972, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,278940, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,174395, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,141592, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Private,295525, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,121321, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,198955, 9th,5, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,46, United-States +<=50K,27, ?,105189, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Germany +<=50K,38, Private,186191, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,17, Private,208967, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +>50K,47, Private,159399, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,21, ?,169600, Some-college,10, Married-spouse-absent, ?, Own-child, White, Female,0,0,35, United-States +<=50K,25, Private,262656, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,284629, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,39, Private,182189, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,65, United-States +>50K,47, Federal-gov,38819, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,191873, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,125082, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,68, Private,67791, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,34, State-gov,334744, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,35, Private,198841, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,218490, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,188386, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,95661, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,45, Germany +<=50K,55, Self-emp-not-inc,79011, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,70, United-States +<=50K,72, Self-emp-not-inc,103368, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,21, United-States +<=50K,32, Private,119176, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,44, United-States +<=50K,28, Private,90928, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Self-emp-inc,218009, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,44, Self-emp-not-inc,460259, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,35, Local-gov,405284, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +>50K,48, Self-emp-not-inc,26502, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,157569, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +<=50K,32, Private,252168, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,35, United-States +<=50K,26, Federal-gov,269353, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,55, United-States +<=50K,56, Self-emp-not-inc,52822, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +>50K,71, ?,365996, HS-grad,9, Widowed, ?, Unmarried, White, Female,6612,0,42, United-States +<=50K,24, State-gov,147548, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,42, Local-gov,216411, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, Puerto-Rico +>50K,37, State-gov,122493, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,57, Private,41680, Some-college,10, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Local-gov,100818, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,7443,0,45, United-States +<=50K,39, Private,30056, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Self-emp-inc,83141, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,178768, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,68, Self-emp-not-inc,376957, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,6, United-States +<=50K,33, Private,194740, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,160728, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,62, ?,198170, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,20, Private,200967, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,42, State-gov,116493, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,64, ?,117349, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +>50K,42, Private,188615, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,2231,50, Canada +<=50K,47, Private,849067, 12th,8, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, Private,193459, Assoc-acdm,12, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,51, State-gov,177487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,151971, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +>50K,32, Self-emp-inc,169152, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,10520,0,80, Greece +<=50K,59, Private,108929, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,290861, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,168826, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,45, Private,216414, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,38, Private,324053, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, State-gov,197399, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,138069, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,184553, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,328734, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,29, Private,336167, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,30, United-States +<=50K,34, Private,195748, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,53, Private,590941, Doctorate,16, Never-married, Prof-specialty, Unmarried, White, Female,0,1408,40, United-States +>50K,43, Private,211580, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, ?,73117, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,45, Private,166863, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,141350, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Private,133937, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,55, United-States +<=50K,44, Private,282192, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,32, Private,237582, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,29, Private,262758, Assoc-acdm,12, Never-married, Other-service, Unmarried, Black, Male,0,625,60, United-States +>50K,48, Self-emp-inc,188694, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,104196, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,172232, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,103432, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Private,183544, 9th,5, Widowed, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,41, Private,276289, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,60, ? +<=50K,58, Private,111209, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,176862, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,201229, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,8, United-States +<=50K,42, Private,186689, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,60, United-States +>50K,31, Private,177675, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, Federal-gov,337505, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,53, Private,156148, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,209642, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,55, United-States +<=50K,62, Private,159474, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,75073, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,121362, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,21, Private,321369, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, ?,49665, HS-grad,9, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,45, United-States +>50K,44, Private,219155, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,48, Private,329144, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,40, Local-gov,161475, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,75, United-States +<=50K,70, Self-emp-inc,99554, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,277488, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,286352, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,26, Private,109457, 10th,6, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,48, United-States +>50K,33, Private,236304, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,60, United-States +>50K,35, Private,399601, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,42, State-gov,396758, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,37, Private,21798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, ?,278130, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,192173, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,43546, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,48, United-States +<=50K,20, Private,87546, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,69, Private,135891, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,32, Private,312923, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,33432, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,8, United-States +<=50K,25, Private,270379, HS-grad,9, Never-married, Tech-support, Other-relative, Black, Female,0,0,35, United-States +<=50K,17, Private,134829, 11th,7, Never-married, Other-service, Own-child, White, Male,2176,0,20, United-States +>50K,40, Federal-gov,155106, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,19, ?,145989, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +>50K,50, Local-gov,270221, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,43, United-States +<=50K,24, Private,123226, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,154641, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,73, Private,145570, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,54, Private,229983, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,68, Self-emp-not-inc,140892, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +<=50K,45, Local-gov,278303, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,66, Private,127139, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,360689, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,19513, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,56, Private,50490, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,50, Self-emp-not-inc,34067, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Private,359808, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,105422, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,49, Private,28171, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,4787,0,40, United-States +<=50K,59, State-gov,49230, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,165107, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,112706, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,39, United-States +<=50K,56, Private,28297, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,104748, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,129137, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,1055,0,35, United-States +>50K,30, Private,298871, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1887,45, Iran +<=50K,30, Local-gov,229716, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Self-emp-inc,113752, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,198739, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,277256, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,114937, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,206206, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,197861, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +<=50K,19, Private,38925, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,34309, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,219122, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, Italy +<=50K,41, Self-emp-not-inc,51494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,173422, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,116773, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, ? +<=50K,33, Private,252340, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,213799, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,32, Local-gov,110100, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,146325, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,383352, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,33, Private,369258, Bachelors,13, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,40, Mexico +>50K,49, Private,239865, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,200783, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,40, Private,243580, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,36, Private,132563, Prof-school,15, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +>50K,41, Self-emp-not-inc,390369, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,25, Private,403788, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,36, United-States +<=50K,26, State-gov,68346, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, ? +<=50K,59, Private,136413, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,56, Federal-gov,208791, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,21, Private,572285, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,45, Private,90992, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,18, Private,156056, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,20, Private,194102, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Male,0,0,12, United-States +<=50K,42, Private,149102, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,41, Private,40151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,356934, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,45, United-States +<=50K,28, Federal-gov,72514, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,72, United-States +<=50K,47, Local-gov,174126, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,324386, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,159544, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,34, Private,114691, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,49, Private,222829, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,63, Private,298699, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,216845, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, Mexico +<=50K,44, Private,321824, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +>50K,56, Private,97541, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,30, Private,329425, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,148287, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Local-gov,251346, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, Puerto-Rico +>50K,30, Private,143766, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,49647, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,50, Private,233363, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Local-gov,180427, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,30111, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,360527, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,135803, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,60, Federal-gov,608441, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,42, Local-gov,720428, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,269784, 10th,6, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,423311, HS-grad,9, Married-AF-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,343591, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,29, Private,37088, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,154430, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Private,113588, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,1741,30, United-States +<=50K,46, Private,190072, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,272132, Prof-school,15, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,65, ? +>50K,44, Federal-gov,32000, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-inc,164190, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,2258,45, United-States +<=50K,17, Private,233781, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,18, United-States +<=50K,23, Private,401762, 11th,7, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,169186, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,164309, 11th,7, Separated, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,170800, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,37, United-States +<=50K,32, Private,37232, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,373403, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,192014, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,48, Self-emp-not-inc,172034, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,36, Local-gov,322770, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1887,40, Jamaica +>50K,39, Private,269168, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,34, Private,302570, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, United-States +<=50K,35, Private,103710, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,113364, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,33, Private,121966, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,35, Private,416745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,30, Local-gov,154548, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,65, United-States +<=50K,45, Private,188794, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,156266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,61, ?,270599, 1st-4th,2, Widowed, ?, Not-in-family, White, Female,0,0,18, Mexico +<=50K,36, Private,19914, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,31, Private,246439, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,45, United-States +>50K,38, Private,101833, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,177695, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,23, Private,167868, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +<=50K,22, Private,82561, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,31848, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,45, ?,117310, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,355918, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,38, Private,49115, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,102875, 11th,7, Married-civ-spouse, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,67, ?,194456, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,52, Self-emp-not-inc,284648, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,99, United-States +>50K,52, Self-emp-not-inc,73134, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Private,172600, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,10520,0,50, United-States +>50K,61, ?,244856, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,4386,0,40, United-States +<=50K,25, Private,184303, 7th-8th,4, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, Guatemala +<=50K,25, State-gov,154610, Bachelors,13, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0,1719,15, United-States +<=50K,33, Private,260560, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,360770, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Dominican-Republic +<=50K,24, Private,315877, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,58, Private,128258, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,33, Private,179336, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,168165, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,109015, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,1876,40, United-States +<=50K,22, Private,89154, 1st-4th,2, Never-married, Other-service, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,30, ?,260954, 7th-8th,4, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,85399, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,240841, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,20, Private,119742, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,24, Private,30656, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +>50K,30, Local-gov,263561, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,108838, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,259351, HS-grad,9, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,42, Private,159449, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,195322, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,38, Self-emp-not-inc,179481, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, State-gov,195388, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,123429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,36, Federal-gov,116580, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,21, Private,270043, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,25, United-States +<=50K,49, Self-emp-not-inc,232586, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,52, Private,164519, HS-grad,9, Widowed, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +>50K,33, Self-emp-not-inc,141118, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,27, Private,177955, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, Mexico +>50K,45, Local-gov,149337, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +<=50K,45, Private,68896, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, ? +<=50K,27, Private,22422, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,215453, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,43, Mexico +<=50K,30, Local-gov,170772, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,36011, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2057,45, United-States +>50K,35, Private,133839, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,48, Federal-gov,50567, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,203233, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,99, United-States +>50K,46, Private,187510, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Federal-gov,290625, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,41, United-States +>50K,39, Private,127573, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,27, Private,50316, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,169473, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,25894, Doctorate,16, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +>50K,44, Private,106900, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Private,157473, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,48, United-States +>50K,31, Private,122612, Masters,14, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,25, Japan +<=50K,17, Private,132187, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,25, ?,52151, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,31, Private,212705, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,38, Private,436361, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,20, United-States +<=50K,38, Private,184456, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, Greece +<=50K,69, Local-gov,142297, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,17, United-States +>50K,60, Federal-gov,54701, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,34, Private,245211, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +>50K,50, Private,98975, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +<=50K,31, Private,463601, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +>50K,26, Private,297991, Bachelors,13, Married-civ-spouse, Sales, Not-in-family, Asian-Pac-Islander, Female,0,1977,75, Cambodia +>50K,36, Private,196554, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,23, Private,113511, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,17, Private,152710, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,147171, Some-college,10, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Trinadad&Tobago +<=50K,54, Private,52724, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,177482, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,58, Private,219537, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,350106, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,34, United-States +<=50K,30, Private,197947, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,21, Private,253583, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,26, Private,58751, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,29, Private,206889, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,151399, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,40, Local-gov,50563, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,55, United-States +<=50K,31, Private,63861, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,34, United-States +>50K,47, Private,165517, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,59, ?,43103, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,123983, Some-college,10, Never-married, ?, Own-child, Other, Male,0,0,20, United-States +<=50K,45, Self-emp-not-inc,32172, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,30, Private,192644, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Self-emp-inc,230919, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,68, Private,115772, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Scotland +<=50K,66, Self-emp-not-inc,51687, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,191803, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,170721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,132053, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,170842, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,22, ?,51973, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,21, ?,72621, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +<=50K,20, State-gov,205895, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,53, Self-emp-inc,99185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, Greece +>50K,30, Private,149726, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +>50K,38, Private,372525, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,21, Private,165107, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,47, Local-gov,273767, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,61, Private,227266, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Federal-gov,89334, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,199202, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,326587, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,144351, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,56, Federal-gov,119254, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,193881, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,77, Private,271000, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, ?,74685, 10th,6, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,123291, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Local-gov,557359, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,197403, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,184245, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Columbia +<=50K,21, Private,92898, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,105788, 5th-6th,3, Separated, Other-service, Unmarried, Black, Female,0,0,40, Scotland +<=50K,22, ?,205940, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,45, Private,212120, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,35, Private,351772, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +>50K,33, Private,309582, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,7298,0,50, United-States +<=50K,28, Private,244650, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,1602,25, United-States +>50K,58, Self-emp-not-inc,290670, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,64, Self-emp-not-inc,167877, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,454024, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,28, Private,125531, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,22, Private,220603, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,59, Private,180645, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,98725, 10th,6, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,60, United-States +<=50K,46, Private,431515, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,122612, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, South +<=50K,23, Federal-gov,190290, HS-grad,9, Never-married, Armed-Forces, Own-child, White, Male,0,0,40, United-States +>50K,76, Private,174839, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386,0,25, United-States +>50K,46, Federal-gov,83610, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,273534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,26, Private,383885, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,50, United-States +<=50K,19, Private,188618, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +<=50K,35, Private,95653, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +<=50K,61, Private,204908, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,36, United-States +<=50K,41, Private,221172, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,97723, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,32, Private,200401, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Columbia +>50K,41, State-gov,205153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,170174, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,58, Federal-gov,26947, Bachelors,13, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,17, ?,154938, 11th,7, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,62, Private,125832, 9th,5, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Self-emp-not-inc,150361, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Local-gov,113183, Masters,14, Divorced, Prof-specialty, Not-in-family, Other, Female,0,0,40, United-States +<=50K,23, Private,39551, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,18, ?,62854, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,61, ?,31285, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,199217, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,47, Local-gov,40690, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,315671, 7th-8th,4, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,180339, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,119545, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,23, Private,195508, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,31, Private,364657, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,49, Federal-gov,168598, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,33, Private,178683, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,27, Private,123116, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2057,49, United-States +<=50K,33, Private,251117, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,35, Local-gov,42893, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,5721,0,40, United-States +<=50K,19, Private,386492, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,31, Private,249869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,116219, Some-college,10, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,168981, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,67, ?,137894, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,16, United-States +<=50K,19, State-gov,139091, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,25, Private,219199, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,191455, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +>50K,39, Private,325374, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,77, ?,180425, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,43, Private,149871, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,342730, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,252392, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,60, Private,193864, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Self-emp-inc,139364, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,35, United-States +<=50K,20, Private,253612, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,34, Private,287168, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,17, Private,364952, 10th,6, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,45, Private,82797, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,100135, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,54, Local-gov,287831, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,55, United-States +<=50K,41, Self-emp-not-inc,140108, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,30, United-States +<=50K,19, Private,180917, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,29036, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,221581, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Local-gov,382882, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,237091, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,20, Columbia +<=50K,19, Private,134252, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,29, Private,269354, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,226922, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,2907,0,43, United-States +<=50K,37, Self-emp-not-inc,191841, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,48, United-States +>50K,28, Private,37805, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,590522, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,45, United-States +<=50K,51, Private,202752, 12th,8, Separated, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, ?,304872, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,228075, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,163831, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,32326, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,40, Private,179809, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,76878, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,44, Federal-gov,210492, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,56, Private,105582, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,160369, Some-college,10, Married-civ-spouse, Priv-house-serv, Husband, White, Male,0,0,2, United-States +<=50K,27, Private,364986, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,56, ?,169278, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, Local-gov,76081, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,27, State-gov,234135, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Self-emp-inc,187693, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,32, Private,188362, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,235271, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,86, United-States +<=50K,34, Private,51854, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,103772, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Federal-gov,300670, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, Private,175990, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,43, Private,173590, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, State-gov,156866, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0,0,40, United-States +<=50K,56, Private,71388, 9th,5, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Private,228659, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,55, Self-emp-not-inc,110844, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,52, Private,149908, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,25236,0,44, United-States +<=50K,28, Private,93021, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, Other, Female,0,0,40, ? +<=50K,19, Local-gov,273187, HS-grad,9, Never-married, Protective-serv, Own-child, White, Female,0,0,36, United-States +<=50K,19, Private,62419, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,218957, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,24, ? +<=50K,48, Private,182715, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,157103, Assoc-voc,11, Never-married, Tech-support, Own-child, Black, Male,0,1974,40, United-States +<=50K,54, Private,133963, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,26, Private,151724, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,58, Private,196502, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,37, Self-emp-inc,199816, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,413365, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,65, Private,195568, Some-college,10, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Private,186245, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,33, Private,279231, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +>50K,55, Federal-gov,171870, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,32, Private,127651, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,56, Self-emp-not-inc,289605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,130856, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, State-gov,49539, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,39, Self-emp-not-inc,263081, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +<=50K,56, Local-gov,205759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,358655, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,51, Private,186299, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +>50K,47, Private,289517, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,105686, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,58, Local-gov,81132, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,80, Philippines +<=50K,25, Private,68302, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,443546, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,195891, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,35, Private,99462, HS-grad,9, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,36, Private,224541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,262502, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,1844,24, United-States +<=50K,41, Private,118921, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,60, United-States +>50K,46, Private,155489, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-not-inc,248919, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,35, United-States +>50K,47, Private,139268, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,27828,0,38, United-States +<=50K,43, Self-emp-not-inc,245056, Preschool,1, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Haiti +>50K,39, Private,433592, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +>50K,29, Private,336624, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +>50K,47, Private,177858, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,27828,0,60, United-States +<=50K,37, Private,207066, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,56750, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,67, Private,110331, 9th,5, Divorced, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +>50K,40, Private,84801, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,53, Local-gov,175897, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,369027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,37, United-States +<=50K,56, Private,170411, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,4101,0,38, United-States +<=50K,47, Private,171751, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,61518, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,31, Private,214235, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,42, ?,56483, Some-college,10, Married-AF-spouse, ?, Wife, White, Female,0,0,14, United-States +<=50K,44, Private,154993, Some-college,10, Separated, Craft-repair, Unmarried, White, Female,0,0,55, United-States +>50K,33, Private,160594, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,22, Private,258298, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,52, Private,192666, 12th,8, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,33, Private,156602, Bachelors,13, Never-married, Sales, Own-child, White, Male,3325,0,43, United-States +<=50K,31, Private,122116, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Local-gov,73433, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,2467,40, Canada +<=50K,50, Private,99185, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,203828, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,58, Local-gov,101480, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,134815, 9th,5, Never-married, Craft-repair, Unmarried, White, Male,0,625,40, United-States +<=50K,36, State-gov,235195, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,26, Private,93169, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,58, Local-gov,36091, Masters,14, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,57, Private,124318, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +>50K,46, Self-emp-inc,188861, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,1564,50, United-States +<=50K,29, Private,194402, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,42, ? +>50K,42, Self-emp-not-inc,54651, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +>50K,34, Private,169496, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,34366, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, State-gov,213076, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,161132, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,46, Private,479406, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1672,40, United-States +<=50K,39, Private,115618, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Self-emp-inc,158033, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +>50K,43, Private,108682, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,430195, 11th,7, Separated, Other-service, Unmarried, Black, Male,0,0,40, United-States +>50K,46, Local-gov,138107, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,27, Private,215014, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,183279, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,68, Self-emp-not-inc,119056, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,24, United-States +<=50K,52, Private,158583, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,26, Private,242464, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,35204, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,52, Private,233149, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,54, Private,182855, 7th-8th,4, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,189346, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,39, Private,82726, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,38, Private,179481, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,167428, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,22, Private,182117, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,162970, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,39, Private,421633, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, State-gov,231931, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,132749, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,254351, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, State-gov,152109, Assoc-voc,11, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,100479, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Local-gov,222405, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,117028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,91163, HS-grad,9, Separated, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,36, Private,150104, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,39, Private,114605, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,348152, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,174463, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,47, Private,180243, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,31, Private,238816, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,275848, 12th,8, Never-married, Sales, Other-relative, White, Female,0,0,16, United-States +<=50K,51, Private,114520, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,16, United-States +<=50K,34, State-gov,275880, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,38, United-States +<=50K,39, Private,188148, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,48, United-States +>50K,42, Private,112494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,35, United-States +<=50K,17, ?,159771, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,6, England +<=50K,27, Private,278736, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,20, ?,354351, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,33, Private,252257, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,62, ?,128230, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,321456, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,200825, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,86143, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,20, Philippines +>50K,40, State-gov,353687, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,43, Local-gov,212847, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Private,154589, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,35, United-States +<=50K,42, Private,183765, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,186672, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,50, Private,249096, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,190784, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,45, United-States +<=50K,25, Private,144516, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,124993, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,24, Private,111376, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,300838, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,28, Private,359049, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,1092,60, United-States +<=50K,36, ?,100669, HS-grad,9, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,25, United-States +>50K,46, Self-emp-not-inc,366089, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,110998, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,23, Private,60409, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,129263, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,48, Private,219967, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,171540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,61708, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,294760, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,209280, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,31, United-States +>50K,31, Private,208881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,191535, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,7, United-States +>50K,31, Private,143851, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,161599, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, ? +<=50K,20, Self-emp-not-inc,428299, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,199366, 10th,6, Married-spouse-absent, Craft-repair, Own-child, White, Male,0,0,16, United-States +<=50K,34, Local-gov,484911, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,37, Private,390243, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,45, United-States +<=50K,55, Self-emp-not-inc,204502, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,32, Self-emp-not-inc,114419, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,79436, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,54, Private,141272, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,62, Local-gov,123749, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,101173, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +>50K,49, Private,39518, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,250038, 9th,5, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,59, Self-emp-inc,165695, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,48, Local-gov,225594, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,21, State-gov,51979, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +>50K,31, Private,177675, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,199739, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,27408, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,110169, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,3, United-States +<=50K,39, Self-emp-not-inc,179488, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,118551, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,71, Self-emp-not-inc,157845, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,37, Self-emp-not-inc,68899, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,58535, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,191503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,34, Private,113364, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,34, Self-emp-not-inc,204742, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,62, United-States +<=50K,21, Private,163870, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, ? +>50K,53, Private,208122, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,60, United-States +>50K,46, Local-gov,174361, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,265077, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,1055,0,10, United-States +<=50K,50, Private,241648, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,94145, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,32, Private,178449, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,236804, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Self-emp-not-inc,187830, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,35, United-States +<=50K,41, Private,66208, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,42, Private,219155, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,38, Private,99146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,142889, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,44, United-States +<=50K,56, Private,136164, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,154410, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,113293, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,195096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,172641, 7th-8th,4, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,265072, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,2258,50, United-States +<=50K,22, Private,305874, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,51, Private,312446, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,21, Private,391312, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,32, Private,234976, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,19, Private,199495, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,98561, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Male,0,0,39, United-States +>50K,43, Private,176452, 9th,5, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, ? +<=50K,17, Private,188996, 9th,5, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,46, State-gov,171926, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,7430,0,50, United-States +>50K,45, Local-gov,310260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,72257, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,86643, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,115815, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,53, Private,227475, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,324550, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,37, Private,138105, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,146189, 11th,7, Never-married, Sales, Unmarried, Amer-Indian-Eskimo, Male,0,0,43, United-States +<=50K,25, Private,478836, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,513440, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,151806, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,363253, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +<=50K,54, Self-emp-inc,263925, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,57617, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,32, Private,208761, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Private,169092, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, ? +>50K,34, Private,173854, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,60, United-States +<=50K,46, Local-gov,116906, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,2258,35, United-States +<=50K,43, Private,163769, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,32, Federal-gov,72630, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,14084,0,55, United-States +<=50K,58, ?,141409, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,24968, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,118514, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,116834, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,42, Self-emp-not-inc,99185, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,121769, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,160271, 7th-8th,4, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,123429, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,744929, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,143604, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,36, Private,284582, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,38, ?,229363, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +>50K,53, Private,161482, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Self-emp-not-inc,107452, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,534775, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,50, United-States +<=50K,51, Private,183200, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +>50K,42, Private,169980, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, United-States +<=50K,22, Private,299047, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,53, Private,92475, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,51, Private,114758, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,65, Self-emp-not-inc,55894, Prof-school,15, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,98466, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,39, Private,170174, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,14344,0,40, United-States +<=50K,54, Private,335177, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, ? +<=50K,24, Private,511231, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Local-gov,257849, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,208751, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,383566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, England +<=50K,47, ?,214605, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,243664, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,41, Private,176716, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,38, Private,366618, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,83748, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,70, South +<=50K,64, Private,278585, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,106942, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,22, Private,372898, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,48, Private,183610, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,106061, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,58, State-gov,138130, HS-grad,9, Never-married, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,48, Private,43479, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,40, United-States +<=50K,49, Private,118520, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, Federal-gov,207284, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,598995, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,3103,0,40, United-States +<=50K,50, State-gov,141608, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,31, Private,230912, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,31, Private,309170, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,27459, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,266674, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,56, United-States +<=50K,52, Private,93127, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +>50K,43, Self-emp-inc,27444, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,30, Private,131415, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,54, Private,105428, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +>50K,36, Private,139364, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,10520,0,40, Ireland +>50K,43, Private,236936, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,47, United-States +<=50K,35, Private,109204, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,456592, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,37, United-States +<=50K,34, Self-emp-not-inc,173201, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, Cuba +<=50K,19, ?,183408, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,111721, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,39, Private,268258, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688,0,50, United-States +<=50K,59, Private,128258, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,46, Self-emp-not-inc,525848, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,48, United-States +<=50K,39, Private,124090, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,249043, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,6767,0,40, United-States +<=50K,38, Private,119098, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,42, United-States +<=50K,70, ?,30772, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,49414, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,30, Private,197886, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,39, Without-pay,334291, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,171156, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,78, ?,109498, 9th,5, Widowed, ?, Unmarried, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,83411, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +>50K,47, Local-gov,209968, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,20, Private,223921, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,52, Local-gov,133403, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,75763, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,34, Private,200401, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,25, Columbia +<=50K,45, Private,55272, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,194970, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,143385, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,30, Private,180317, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,255176, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,37, Local-gov,175120, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,38, Self-emp-inc,66687, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, Portugal +>50K,27, Federal-gov,115705, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,17, ?,197732, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, England +<=50K,32, Private,111883, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,210474, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,123472, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,257621, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,341943, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,57, Private,181242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,187164, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,308365, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,38, United-States +>50K,53, Self-emp-not-inc,263439, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,23, Private,442359, HS-grad,9, Never-married, Sales, Own-child, White, Female,8614,0,15, United-States +<=50K,54, Self-emp-not-inc,166368, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,21, Private,116968, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,2597,0,40, United-States +<=50K,26, Private,57593, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,247507, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,38, Private,213512, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,71691, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,28, ?,147719, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,48, India +>50K,40, Private,244835, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,21, ?,285830, HS-grad,9, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,20, Laos +<=50K,37, Private,386461, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,45, Mexico +>50K,41, Private,154714, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,281401, 5th-6th,3, Divorced, Sales, Other-relative, White, Female,0,0,32, Mexico +<=50K,35, Private,189251, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Iran +<=50K,39, State-gov,102729, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Private,327766, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, United-States +<=50K,29, Private,168479, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,249352, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,300008, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,32, Private,296466, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,47, Private,199277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, Portugal +<=50K,36, Private,174242, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,63, Private,130968, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,288440, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,208358, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,458168, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,37894, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,107410, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,96844, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,402016, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,52, United-States +<=50K,60, Private,258869, Doctorate,16, Separated, Priv-house-serv, Unmarried, White, Female,0,0,30, Nicaragua +<=50K,35, Private,114087, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5013,0,40, United-States +>50K,33, Private,116294, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,241523, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,163053, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, Never-worked,162908, 11th,7, Never-married, ?, Own-child, White, Male,0,0,35, United-States +>50K,45, State-gov,310049, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,37, Private,293475, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Local-gov,169015, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,325762, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,37, Self-emp-not-inc,101561, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, State-gov,52131, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,163867, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,204663, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,3325,0,40, United-States +<=50K,18, ?,233136, 11th,7, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,61, Self-emp-not-inc,48846, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,264351, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, Ecuador +<=50K,41, Private,190205, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,254450, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,29974, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,10520,0,45, United-States +>50K,53, Federal-gov,40641, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,73, Self-emp-not-inc,256401, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,28, United-States +<=50K,25, Private,203833, 10th,6, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,35, Haiti +<=50K,30, Private,277455, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,176335, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,394690, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,71996, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,52, United-States +<=50K,73, Self-emp-not-inc,110787, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,1409,0,2, United-States +<=50K,37, State-gov,157641, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,30, United-States +<=50K,72, Private,164724, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,28, United-States +<=50K,30, Self-emp-not-inc,173792, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,163595, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,132412, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, ? +<=50K,22, Private,193089, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +>50K,28, Private,190525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,175878, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,161902, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,35, Private,211494, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, ? +<=50K,42, Private,89003, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,344200, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,62345, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,35, Private,85799, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, ?,26754, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,10, China +<=50K,26, Private,193347, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,45, Self-emp-not-inc,176814, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,3411,0,40, United-States +<=50K,27, Private,336162, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,39, Private,98975, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,8614,0,50, United-States +<=50K,71, Private,150943, Bachelors,13, Widowed, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,22, Local-gov,131573, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,25, United-States +<=50K,51, Private,138852, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,35406, Assoc-voc,11, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Private,167159, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,80680, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,64, United-States +<=50K,55, Self-emp-inc,87584, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,10, United-States +<=50K,33, Private,56121, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,35, Private,284358, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,224969, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,209034, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, ?,177733, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, Private,57366, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,35633, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,191177, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,75, Private,199826, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,54, Self-emp-not-inc,94323, 9th,5, Married-civ-spouse, Craft-repair, Wife, Amer-Indian-Eskimo, Female,0,2163,15, United-States +>50K,60, ?,380268, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,272752, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,34, Private,228386, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,70, United-States +<=50K,20, Private,187149, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Local-gov,335439, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,24, Private,250630, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,45, Local-gov,272182, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,5013,0,40, United-States +>50K,29, Private,108574, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,47, State-gov,185400, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,406641, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,103634, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,35, United-States +>50K,46, Private,261059, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,199374, Masters,14, Widowed, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,41, Private,405172, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, ? +>50K,32, Private,147654, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,51, Private,129301, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,173789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,212588, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,457453, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,65, Private,187493, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,40, Germany +<=50K,57, Self-emp-not-inc,20953, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,2129,70, United-States +<=50K,40, Private,131650, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,290754, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, ? +>50K,46, State-gov,114396, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,202102, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,318360, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,39, Private,160916, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,32, ?,913447, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,293931, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,20, Private,230824, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,20, ?,358355, 12th,8, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,62, Private,584259, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,44, ?,208726, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,38, Private,185556, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,58, Local-gov,100054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,172307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,45, Private,30840, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,50, United-States +<=50K,27, Private,147839, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,38, United-States +<=50K,51, Private,54465, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +>50K,52, Federal-gov,418640, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, Haiti +<=50K,34, Private,222130, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,187336, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,321024, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,44, Private,351262, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,38, United-States +<=50K,28, Private,181597, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,41, Private,694105, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,241013, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,44, Self-emp-inc,223881, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,40, Federal-gov,158796, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Philippines +<=50K,41, Private,248476, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,191277, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,30, Thailand +<=50K,26, Private,273876, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Private,402848, HS-grad,9, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,32, United-States +<=50K,62, Private,82906, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,4064,0,35, England +>50K,45, Private,153682, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,52, Private,122412, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,35, United-States +<=50K,26, Private,216819, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,189680, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,147099, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,288158, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,32, Private,146161, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,104454, Bachelors,13, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,91475, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,151868, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013,0,65, United-States +<=50K,19, Private,118306, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,51543, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,69727, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,60, Private,186000, 10th,6, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,48280, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,186935, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,24, Federal-gov,104164, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,38, Private,339677, Masters,14, Divorced, Tech-support, Unmarried, White, Female,0,0,40, ? +>50K,37, Private,123586, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1902,73, ? +<=50K,19, Private,150073, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,24, Private,59792, Masters,14, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,24185, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,84, United-States +<=50K,87, ?,97295, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,3, United-States +<=50K,27, Without-pay,35034, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,118714, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,33, Private,230883, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,2824,48, United-States +<=50K,45, Private,149224, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,50, United-States +<=50K,35, Private,122493, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,441227, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +>50K,45, Local-gov,272792, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,50, United-States +<=50K,41, Private,303521, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,45, United-States +<=50K,40, Private,226027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,94565, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,336848, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,162688, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,30, State-gov,45737, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,147393, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,52, Private,335997, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,38, United-States +<=50K,26, Private,96645, Doctorate,16, Never-married, Craft-repair, Other-relative, Black, Male,0,0,20, United-States +<=50K,35, State-gov,43712, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,101825, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,5721,0,45, United-States +>50K,45, Private,102318, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,40, State-gov,132125, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,229741, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,45, United-States +>50K,60, State-gov,265201, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, ?,332884, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,179481, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,304833, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,341632, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,46, United-States +<=50K,21, Private,140001, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,159123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,229636, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,35, Private,34996, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,53, Self-emp-not-inc,67198, 7th-8th,4, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,80, United-States +>50K,65, Self-emp-inc,323636, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,10605,0,40, United-States +>50K,45, Private,182689, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,25, Private,51392, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,177905, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,143152, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,37, State-gov,211286, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,217962, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, ? +<=50K,48, Private,309212, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Germany +<=50K,19, ?,97261, Some-college,10, Never-married, ?, Own-child, White, Male,594,0,30, United-States +>50K,46, Self-emp-not-inc,188273, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,50, United-States +<=50K,21, Private,93977, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,62, Self-emp-inc,163234, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +>50K,50, Local-gov,166423, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,239071, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,46, United-States +<=50K,40, Private,190292, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,170783, Assoc-voc,11, Divorced, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,239539, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,45, United-States +>50K,48, Private,164200, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,177647, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,47, United-States +<=50K,44, Self-emp-not-inc,86750, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508,0,72, United-States +<=50K,25, Private,176981, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,59, Federal-gov,134153, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298,0,38, United-States +<=50K,35, Private,245372, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,168236, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,448841, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,144778, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,50, United-States +<=50K,30, Private,155914, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,34, Federal-gov,117362, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Local-gov,82783, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,207301, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,606347, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,61, Local-gov,149981, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,234972, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,33, Private,437566, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Private,243266, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,31, Private,203408, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Self-emp-not-inc,297510, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,211683, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,167375, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,52, United-States +>50K,36, Private,297449, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,342634, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Cambodia +>50K,49, Private,38819, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,164571, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Local-gov,122353, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,68, United-States +<=50K,26, Self-emp-not-inc,192652, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,15, United-States +<=50K,25, Private,401241, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,4416,0,25, United-States +>50K,32, Private,116539, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,162834, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,226525, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +<=50K,18, Private,219404, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,48, Mexico +<=50K,38, Private,33394, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,56, Federal-gov,75804, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +>50K,58, Self-emp-not-inc,359972, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,37, Private,201247, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,220109, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,59, Private,118479, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,45, Private,189123, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,495366, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,31, Private,53776, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,375980, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Private,185152, 11th,7, Widowed, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,52, Local-gov,230095, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,349198, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,41, Private,59916, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,63, United-States +>50K,32, Private,214150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,255187, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, ?,129624, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,30, Private,274577, Assoc-acdm,12, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Private,257756, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,29, ?,1024535, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +>50K,75, Private,186808, 11th,7, Married-civ-spouse, Protective-serv, Husband, Black, Male,6418,0,50, United-States +<=50K,46, Private,147519, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,80, United-States +>50K,53, Private,173630, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,42, Private,136986, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,41, Private,163287, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,25, Private,150804, HS-grad,9, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,27, Private,189565, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,165484, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,53, Private,177727, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,53, Self-emp-inc,190762, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,246463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,42, Private,27661, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,30, Private,288419, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,57, Local-gov,258641, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,71, Self-emp-not-inc,200540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2392,52, United-States +<=50K,21, Private,305423, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,148906, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,64, Private,262645, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +>50K,41, Private,106698, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Female,13550,0,60, United-States +<=50K,22, Private,186365, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,304001, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,38, Self-emp-inc,125645, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,111468, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,3325,0,40, United-States +>50K,32, Private,136331, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,40, Private,213849, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,138994, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,29, Private,177562, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,3781,0,35, United-States +<=50K,18, Private,36251, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,100904, Some-college,10, Separated, Other-service, Unmarried, Other, Female,0,0,70, United-States +<=50K,31, Private,427474, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,2179,35, Mexico +<=50K,37, Private,280549, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,34, Private,75454, 12th,8, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,203488, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,49795, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,152710, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,28, Local-gov,199172, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,382583, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,127295, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Other, Male,0,0,20, Iran +>50K,46, Local-gov,274200, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,130540, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,1564,40, United-States +<=50K,22, Private,117789, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,83141, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,18, United-States +<=50K,20, ?,229826, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,36, Self-emp-inc,176837, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,45, United-States +<=50K,34, Private,234096, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,353317, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,302312, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,17, Private,181015, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +>50K,36, State-gov,230329, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,48, Private,164984, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,229051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,41, Private,204415, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,55, Self-emp-not-inc,319883, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,10, ? +<=50K,25, Private,185836, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,228516, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,47, Self-emp-not-inc,242519, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,164866, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,35, Private,33001, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,21, Private,811615, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,50, United-States +<=50K,43, Local-gov,300099, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,34, United-States +<=50K,46, State-gov,146305, Some-college,10, Divorced, Tech-support, Not-in-family, Other, Female,0,0,48, United-States +<=50K,36, Private,167482, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,65, United-States +<=50K,23, Private,106615, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,2176,0,25, United-States +<=50K,32, Private,204663, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,40, Private,171234, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,0,0,24, United-States +>50K,42, Private,167174, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, China +<=50K,18, ?,112137, Some-college,10, Never-married, ?, Own-child, Other, Female,0,0,20, ? +<=50K,18, Private,116167, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +>50K,41, Private,106159, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,14344,0,48, United-States +<=50K,52, State-gov,295826, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,1876,50, United-States +<=50K,26, Private,233461, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,53, Mexico +<=50K,57, Private,289605, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,1617,35, United-States +<=50K,18, ?,348533, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,3, United-States +>50K,31, Private,197886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,120126, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,35, Private,61343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Self-emp-not-inc,116197, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,236503, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, Federal-gov,47341, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,5, United-States +<=50K,25, Private,248990, 11th,7, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,18, Private,190776, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,47, Local-gov,179048, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,213842, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,188274, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,86849, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,41, Self-emp-inc,67671, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Canada +<=50K,21, Private,243890, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,51, Private,279337, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,35, Private,333636, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, ? +>50K,58, State-gov,312351, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,175935, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,245297, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,49, State-gov,70209, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,14084,0,60, United-States +>50K,47, Local-gov,251588, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,176992, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, United-States +<=50K,51, State-gov,87205, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,43, Private,65545, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,46, United-States +<=50K,22, Private,289579, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,360689, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1628,48, United-States +<=50K,43, Private,57600, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,42, Local-gov,247082, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +<=50K,36, Local-gov,188798, 11th,7, Separated, Prof-specialty, Unmarried, Other, Female,0,0,30, United-States +<=50K,19, Private,232261, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,35507, Some-college,10, Never-married, ?, Own-child, White, Female,1055,0,40, United-States +<=50K,26, Private,301298, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,38, Private,27016, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,43, United-States +<=50K,60, Private,166789, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,1408,50, United-States +<=50K,23, Private,94071, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,117767, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,41, Private,219155, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Italy +<=50K,20, Private,34616, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,112341, Assoc-voc,11, Married-spouse-absent, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,220656, 11th,7, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,53, Private,239990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,139180, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,52, Private,215656, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +>50K,43, State-gov,157999, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,41763, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,299725, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,37, United-States +<=50K,32, Private,198813, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,431551, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, Mexico +<=50K,22, Private,195767, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,140649, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,295706, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,32, Private,324284, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,352426, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,60, Mexico +<=50K,39, Private,126569, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, ? +<=50K,81, Private,106390, 5th-6th,3, Widowed, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,6, United-States +<=50K,29, Private,134813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,65, Private,95644, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,254148, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,44, Private,367819, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,162370, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,55, Self-emp-not-inc,204387, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Federal-gov,248288, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,175070, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,75, United-States +<=50K,51, Local-gov,169182, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, Columbia +<=50K,38, Self-emp-not-inc,223242, Some-college,10, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,29, State-gov,461929, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,25, Self-emp-not-inc,114483, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,260543, Masters,14, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,40, China +<=50K,27, Private,237466, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,57, Private,335605, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,169122, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,28, United-States +>50K,49, Private,176907, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,264300, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,159187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,303090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,45, United-States +<=50K,33, Private,393702, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,177923, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,191265, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,215074, Some-college,10, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,30597, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,35, Self-emp-not-inc,28996, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,35, Private,188069, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,55, Private,53481, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,37, Private,410034, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Private,64544, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,46, Private,204379, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,37, United-States +<=50K,23, Private,255252, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,178037, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, Ireland +<=50K,26, Private,184303, 5th-6th,3, Married-spouse-absent, Priv-house-serv, Other-relative, White, Female,0,0,8, El-Salvador +<=50K,20, Private,175800, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,88, Self-emp-not-inc,263569, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418,0,40, United-States +>50K,42, Private,234508, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,195372, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,48, Private,265295, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +>50K,40, Private,184846, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,40, United-States +<=50K,47, Private,185400, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +>50K,32, Private,360689, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,200598, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,38, Private,227615, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,308144, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,44, Private,259674, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178,0,60, United-States +<=50K,41, Private,182217, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,230997, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +<=50K,31, Private,393702, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +>50K,57, Self-emp-not-inc,130957, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,70, United-States +<=50K,20, Private,210444, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +>50K,36, ?,172775, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-inc,167914, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,50, United-States +>50K,71, Private,533660, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,205997, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,21, United-States +>50K,34, Private,253616, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,49, Private,148549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,54, Local-gov,113649, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,233322, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,325775, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,30, Private,94235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,47, Local-gov,336274, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,147510, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,48, Private,191389, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,174503, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,160968, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,122797, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,52263, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,249282, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,227332, Bachelors,13, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,37, Local-gov,289238, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,153790, Assoc-acdm,12, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Local-gov,101563, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,176240, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,56, Private,131608, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Ireland +<=50K,27, Private,198286, Some-college,10, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,222204, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,3325,0,40, United-States +<=50K,47, Self-emp-not-inc,148169, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,347867, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,170413, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1741,40, United-States +<=50K,33, Private,133861, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,62, United-States +>50K,50, Federal-gov,289572, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,445382, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,42, Self-emp-not-inc,151809, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +>50K,49, Private,368355, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,43, Private,73333, Prof-school,15, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,32, United-States +>50K,41, Private,117585, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,50, United-States +<=50K,21, Private,107960, Some-college,10, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,20, China +<=50K,29, Private,196117, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,126569, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,60, United-States +<=50K,25, Private,216741, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,75, Private,254167, 10th,6, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,52, Private,102444, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,38848, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,55360, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,17, Private,140117, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,36, Self-emp-not-inc,66883, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,52, Self-emp-not-inc,154728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,184756, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,193047, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,231342, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,32, United-States +<=50K,27, Private,310483, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Federal-gov,174778, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,1980,40, United-States +<=50K,44, Federal-gov,130749, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +>50K,38, Private,22463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,29, Private,159473, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,63, Private,81605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, State-gov,68684, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,229799, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,45, ? +<=50K,17, Private,124661, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,39, Private,117381, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Private,53206, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +<=50K,52, Private,172962, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,243923, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,10, Mexico +<=50K,72, Private,132753, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,43, Private,67339, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,15, United-States +<=50K,71, Private,101577, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,1668,20, United-States +>50K,39, Private,101192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, State-gov,42901, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +>50K,43, Private,88787, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,306504, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, ?,183746, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,242965, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,52, Private,427475, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +>50K,60, Self-emp-inc,180512, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,97723, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,60, Private,208915, HS-grad,9, Widowed, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, Cambodia +<=50K,40, Local-gov,189189, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +>50K,49, Self-emp-inc,327258, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,60, China +<=50K,31, Private,254494, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,105577, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,26, United-States +<=50K,34, Private,215124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,192936, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,35, Private,274158, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,3103,0,40, United-States +<=50K,19, Private,318822, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,171889, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,68, United-States +<=50K,17, Private,94492, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,19, United-States +<=50K,17, Private,73820, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,38, Private,32989, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,197382, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,164526, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,153205, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,70, India +<=50K,40, Private,269168, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,43, Local-gov,126847, Masters,14, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,7430,0,60, United-States +<=50K,50, State-gov,211112, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,29, Private,100049, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,48, State-gov,104542, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,186479, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,225272, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,51, Private,346871, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,29, Private,142712, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,46221, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,4787,0,60, United-States +>50K,47, Private,349151, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,31, Private,111883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,46691, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,291789, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,50, United-States +<=50K,45, Private,201699, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1628,40, United-States +<=50K,24, Federal-gov,219262, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,160079, Masters,14, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,58, Private,193374, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Male,0,1719,40, United-States +<=50K,37, ?,111268, Assoc-voc,11, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,19, Private,410632, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,35, Local-gov,33943, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Other, Male,0,0,40, United-States +<=50K,44, Federal-gov,269792, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,43, United-States +<=50K,46, Private,153328, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,162859, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,258664, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,80, Private,22406, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,65624, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,43, Private,326232, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,363257, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,35, Private,51700, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,19678, Bachelors,13, Married-AF-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,60, Philippines +<=50K,21, Private,109199, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,26, State-gov,36741, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Private,347653, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,37514, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,48, Private,355781, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,46, Private,86709, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,44, Self-emp-not-inc,22933, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,83922, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +>50K,27, Federal-gov,182637, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +>50K,57, Private,80149, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, Germany +>50K,60, Self-emp-not-inc,231770, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,60, ?,116746, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,189759, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,40, Self-emp-inc,46221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,55, United-States +<=50K,58, State-gov,198145, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,35864, Bachelors,13, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0,0,60, United-States +>50K,44, Federal-gov,259307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,129007, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,41, United-States +<=50K,33, Private,169104, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,37, Private,198097, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,21, Local-gov,224640, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,17, ?,35603, 11th,7, Never-married, ?, Own-child, White, Female,0,0,16, United-States +<=50K,47, Self-emp-not-inc,85982, Masters,14, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +<=50K,39, Private,230467, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, Germany +<=50K,32, Self-emp-not-inc,168782, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,24, Private,142566, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Federal-gov,195337, HS-grad,9, Never-married, Adm-clerical, Unmarried, Other, Female,1506,0,45, United-States +<=50K,24, ?,99829, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,40, Private,133456, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,24, United-States +<=50K,28, Local-gov,133136, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,25, Private,211531, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,243867, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,45, United-States +>50K,47, Local-gov,284871, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,37, Federal-gov,188563, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,40, United-States +>50K,61, Private,173866, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,114939, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,259425, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,59159, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,189439, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,56, Private,157786, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,41, Self-emp-inc,289636, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +>50K,49, Self-emp-inc,154174, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,70857, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Private,183000, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,123104, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,254620, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,16, United-States +<=50K,33, Local-gov,156464, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,124987, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,41, Private,413720, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,15, United-States +<=50K,33, Private,169886, 12th,8, Separated, Other-service, Unmarried, White, Female,0,0,50, Dominican-Republic +<=50K,31, Private,228873, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,110622, Masters,14, Divorced, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, South +<=50K,31, ?,170513, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,99, United-States +<=50K,21, ?,221418, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,65, Private,151287, Masters,14, Separated, Exec-managerial, Not-in-family, Black, Male,0,0,20, United-States +<=50K,25, Private,235218, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,111567, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,251603, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,61, Private,136109, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,178610, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,22, Private,192289, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, Puerto-Rico +>50K,30, Private,49325, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,52, Private,229375, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,125791, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,75619, HS-grad,9, Divorced, Transport-moving, Other-relative, White, Male,0,0,60, United-States +<=50K,60, Private,247483, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,289448, Masters,14, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, China +<=50K,22, ?,122048, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,21, Private,177940, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,399088, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1340,45, United-States +<=50K,38, Private,108293, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,60, Private,178249, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,24, Local-gov,52262, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,143046, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999,0,50, United-States +<=50K,59, Private,124318, HS-grad,9, Divorced, Exec-managerial, Other-relative, White, Female,0,0,45, United-States +>50K,52, Federal-gov,57855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Private,355954, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,143582, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, South +<=50K,30, Private,220915, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,172025, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,109813, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3137,0,40, United-States +<=50K,45, Private,175600, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,389856, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,41, Self-emp-not-inc,167081, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,43, Self-emp-inc,179228, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,23, ?,214542, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,42, United-States +<=50K,31, Private,1210504, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Private,426263, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,146225, 10th,6, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,240810, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,100113, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,40, United-States +<=50K,22, Private,214542, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,41506, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,24, Private,200121, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,199919, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,60668, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,208347, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0,0,40, Puerto-Rico +>50K,42, State-gov,184105, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,255979, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,251585, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,132222, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,164733, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,327902, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3908,0,50, United-States +<=50K,30, Private,262092, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,299047, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,146735, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Private,154568, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,37, Private,160916, 7th-8th,4, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,161444, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,246282, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,2961,0,99, ? +<=50K,20, ?,147031, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,42, Private,220531, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,22, Private,282202, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, Mexico +<=50K,26, Private,122485, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,4416,0,40, United-States +<=50K,32, Private,227012, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,116502, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,51, Private,163606, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,211413, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,33, ?,171637, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,20, United-States +>50K,57, Self-emp-not-inc,204387, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,10, United-States +<=50K,24, ?,214542, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,29, Private,70100, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, Portugal +<=50K,42, Private,96115, Bachelors,13, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,181758, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,74, ?,278557, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +>50K,34, Federal-gov,168931, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0,0,40, United-States +<=50K,27, Private,397962, 10th,6, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,28, Private,113922, HS-grad,9, Separated, Transport-moving, Own-child, White, Female,0,0,17, United-States +<=50K,17, Private,318025, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,24, Private,287357, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,33219, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,81, Self-emp-inc,51646, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2174,35, United-States +<=50K,47, Federal-gov,51664, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,40, United-States +<=50K,29, Private,195721, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,255575, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,31, Private,200835, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,22, ?,140414, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,165579, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,37, Private,38948, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,184685, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,23, Private,86939, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,215251, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Germany +<=50K,53, Private,151159, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,385266, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,68, Self-emp-inc,289349, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,9386,0,70, Germany +<=50K,19, Private,232060, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,290429, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,45, Private,179048, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, ? +<=50K,57, Self-emp-not-inc,98466, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,16, United-States +>50K,51, Local-gov,142801, Masters,14, Widowed, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,68, Self-emp-inc,119938, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,172186, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,5013,0,40, United-States +>50K,45, Local-gov,198759, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, United-States +>50K,45, State-gov,74305, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,80, Self-emp-inc,120796, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,190091, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,197286, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,45, State-gov,129499, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,30875, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,172822, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3411,0,40, United-States +<=50K,34, Private,107417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,226902, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,86557, Some-college,10, Never-married, Sales, Other-relative, Other, Female,0,0,30, United-States +<=50K,35, Private,98900, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Local-gov,38707, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,286730, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,221797, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,594,0,20, United-States +<=50K,52, ?,175029, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +<=50K,49, ?,32184, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,5013,0,15, United-States +<=50K,31, Federal-gov,144949, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,48, Federal-gov,33084, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,156464, Some-college,10, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +>50K,38, Private,152307, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,341954, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,45, ? +<=50K,24, Private,235720, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,47, Private,161187, 12th,8, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Private,90017, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +>50K,59, Private,192671, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,39, Self-emp-not-inc,102178, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,293136, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,17, Local-gov,99568, 10th,6, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,66, Self-emp-not-inc,81413, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,31053, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,31008, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,221801, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,76491, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,64, Private,286732, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,17, United-States +>50K,48, Self-emp-not-inc,196707, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,51, Federal-gov,23698, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,61, Private,224699, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,22, Private,131291, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,15, United-States +<=50K,19, ?,372665, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,64506, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,47, Private,139388, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,425830, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,99146, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,59200, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Private,37482, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,188798, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,56, Private,100285, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,31, State-gov,228446, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,19491, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,2202,0,40, United-States +<=50K,28, Private,156967, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Federal-gov,187581, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,56, Private,154490, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,101345, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,150533, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,33, Private,93213, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,257046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,421837, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,41, Private,101593, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,42, Private,122215, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Private,272780, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, Mexico +<=50K,24, Private,190591, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,78374, HS-grad,9, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,30, ?,121468, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +>50K,31, Private,280927, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,25, Private,202480, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,110088, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,129632, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,37, Self-emp-not-inc,225860, Assoc-acdm,12, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,310545, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,30, El-Salvador +<=50K,31, Private,178664, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Self-emp-not-inc,198759, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,259301, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,31, Private,234537, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,63, Private,427770, 12th,8, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,19, ?,331702, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,20, ?,180052, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,205337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,236091, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,40, Private,33895, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,447210, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,226441, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,41, State-gov,119721, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,32, Self-emp-not-inc,455995, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Private,105813, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,350917, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,42, State-gov,191814, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,399296, 5th-6th,3, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,20, Mexico +<=50K,47, Private,201595, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,143003, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1887,45, China +<=50K,28, Private,74784, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, ?,313045, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,303781, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,236769, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,264961, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,144962, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Local-gov,435836, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +>50K,46, Private,186539, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,48, United-States +<=50K,23, Private,181796, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,398397, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,196280, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +<=50K,37, Federal-gov,31670, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-inc,65535, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,48, Local-gov,97680, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,10, United-States +>50K,57, Self-emp-not-inc,47178, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,24, Self-emp-not-inc,151818, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,40, Private,304530, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,197651, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,108054, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,22, United-States +<=50K,44, Private,179666, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,35, England +>50K,45, Private,142909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,231261, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,42, State-gov,119008, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, Black, Female,0,1974,40, United-States +<=50K,27, Private,168138, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,54, Private,217850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,343242, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,19, ?,167087, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,200179, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,35, Private,172252, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,132879, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,240063, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,48, United-States +<=50K,19, Private,425816, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Local-gov,167571, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,2885,0,30, United-States +<=50K,39, Private,85566, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,123799, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,42, United-States +<=50K,28, Private,194690, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,266347, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,68268, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,59, Self-emp-inc,145574, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,128666, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,119411, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,276552, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,305423, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,38, Federal-gov,104236, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +<=50K,48, ?,136455, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,16, United-States +>50K,71, Self-emp-not-inc,139889, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,39, Local-gov,102953, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,320183, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,24, United-States +>50K,47, Private,83407, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,84, United-States +<=50K,22, ?,118910, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,43, United-States +<=50K,41, Private,99254, Masters,14, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,43, State-gov,198766, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,191832, 12th,8, Never-married, Other-service, Unmarried, White, Male,0,0,40, ? +<=50K,23, Private,146178, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Male,0,0,46, United-States +>50K,35, Private,132879, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,94706, Bachelors,13, Married-spouse-absent, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,40, Laos +>50K,48, Local-gov,273767, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,40, United-States +>50K,43, Self-emp-not-inc,204235, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,62, ?,181782, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,39, State-gov,144860, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,185832, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +>50K,81, Private,55314, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,4, United-States +<=50K,44, Private,200194, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,339772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,54, Private,159755, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,24, Private,200207, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,31493, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,168981, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,20, Private,201729, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,33, United-States +<=50K,30, Self-emp-not-inc,105749, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,56, Federal-gov,101847, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, United-States +<=50K,46, Private,110646, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,56, United-States +<=50K,34, Private,139753, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,50, United-States +<=50K,25, Private,255004, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,34, Private,341954, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,124330, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,46, United-States +>50K,46, Private,64563, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,45, United-States +>50K,32, Self-emp-not-inc,29254, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,25, ?,182810, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1564,37, United-States +<=50K,33, ?,139051, 11th,7, Separated, ?, Unmarried, Black, Female,0,0,53, United-States +<=50K,31, Private,151053, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,34, United-States +<=50K,66, Self-emp-inc,45702, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,138685, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,164193, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,109651, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,126364, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,328199, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,2354,0,40, United-States +<=50K,44, Self-emp-not-inc,180096, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +<=50K,23, Private,197613, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,170195, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,56482, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,53, Private,23686, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,1741,40, United-States +>50K,62, State-gov,200916, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,160261, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,2377,35, Hong +<=50K,21, Private,129232, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,22, Local-gov,249727, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,106448, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,61, Local-gov,313852, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,213722, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, Greece +<=50K,29, Private,120645, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,78, ?,167336, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,21, Self-emp-not-inc,199419, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,23, Private,132053, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,311570, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,187203, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,201240, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,51, Private,150999, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,24961, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,152021, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,20, Private,374116, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,73, Private,35370, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,65291, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,71, ?,283889, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Black, Male,0,1816,40, United-States +<=50K,36, Self-emp-not-inc,48585, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,4, United-States +<=50K,26, Private,132661, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,267583, 10th,6, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,313297, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,66, Private,290578, 7th-8th,4, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,246038, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,125461, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,323,40, United-States +<=50K,56, Self-emp-not-inc,206149, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,58, United-States +<=50K,59, Local-gov,205718, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, Canada +>50K,37, Private,241153, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,49, Private,186706, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,7688,0,40, United-States +>50K,60, Private,216574, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,49570, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, State-gov,82161, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,44, Private,191268, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,31, Private,59469, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,197947, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,58, United-States +>50K,35, Private,180131, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,156732, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,22, Private,415755, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228254, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,28, Self-emp-not-inc,414599, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,21, Guatemala +<=50K,35, Private,357173, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,49, ?,111282, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,4386,0,99, United-States +<=50K,38, Private,174308, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,48, United-States +>50K,49, Federal-gov,61885, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,123838, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,119170, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1740,40, United-States +<=50K,59, Private,219426, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, Self-emp-inc,184920, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +>50K,39, Local-gov,187385, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,28, United-States +<=50K,26, Private,234258, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,387663, Some-college,10, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,151817, Masters,14, Separated, Tech-support, Unmarried, White, Female,0,0,36, United-States +>50K,34, Private,187203, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,27, Local-gov,67187, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,33, United-States +<=50K,48, Private,194526, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,73266, Some-college,10, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,340755, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,26, Private,168552, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,38, Self-emp-inc,188069, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,27, Private,198587, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,60, United-States +<=50K,21, State-gov,33423, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,40, Federal-gov,190910, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,195963, 7th-8th,4, Never-married, Transport-moving, Not-in-family, Other, Male,0,0,48, Puerto-Rico +<=50K,24, Private,345066, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,50, United-States +>50K,43, Private,195258, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,262233, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,47, United-States +<=50K,56, Private,78707, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,4508,0,28, United-States +>50K,53, Self-emp-inc,251240, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,36, Self-emp-not-inc,414056, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,174564, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,236242, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,1590,40, United-States +<=50K,31, Private,31286, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,234476, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,7, United-States +<=50K,26, Private,414916, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,223881, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,284651, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,35, Private,38948, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,33, Private,157887, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,70796, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,15, United-States +<=50K,49, Local-gov,97176, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,47, United-States +<=50K,54, Private,146834, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,490645, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,2829,0,42, United-States +<=50K,61, State-gov,31577, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,33, Private,145437, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,43, United-States +>50K,36, State-gov,21798, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,40, Germany +>50K,57, Private,142076, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,22, Private,136230, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,184169, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,175778, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,46, Local-gov,59174, HS-grad,9, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,33, United-States +<=50K,49, Private,123713, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,67, ?,222362, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,51, Private,108435, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,39182, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,203051, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,46, United-States +>50K,45, Federal-gov,363418, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,113054, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,27, Local-gov,163320, Assoc-acdm,12, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,118710, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,170066, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,135267, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,361278, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,165867, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,33, Private,300497, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,49, State-gov,255928, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,27305, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,29933, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,265434, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,145643, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,9, United-States +<=50K,31, ?,162041, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,30, Private,119562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3942,0,40, United-States +<=50K,29, Private,115549, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2635,0,40, United-States +>50K,50, Private,39590, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,97676, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,34973, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,312446, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Federal-gov,88909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,117381, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,34, Self-emp-inc,513977, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,50, United-States +<=50K,38, Federal-gov,39089, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,6849,0,50, United-States +<=50K,32, Private,341672, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,2174,0,45, Taiwan +<=50K,31, Local-gov,400535, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,34, Self-emp-not-inc,338042, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,216734, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,224207, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,6849,0,50, United-States +>50K,58, Private,107897, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,28, Private,205903, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,191754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,26, Private,216225, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,33, Private,125762, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,201062, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,53, Local-gov,25820, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,33, Private,553405, Assoc-voc,11, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,45, Federal-gov,78022, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,207631, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,52, Mexico +<=50K,35, Private,203988, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,47, Private,122194, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,318918, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,55, Self-emp-inc,264453, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,0,30, United-States +<=50K,28, Self-emp-not-inc,183523, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Self-emp-not-inc,98881, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,184101, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,6, United-States +<=50K,43, Local-gov,135056, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,60, Self-emp-not-inc,71457, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,4508,0,8, United-States +>50K,55, Self-emp-not-inc,96459, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1887,70, United-States +<=50K,52, Private,134184, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,2597,0,36, United-States +<=50K,40, Private,153132, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,31, United-States +<=50K,52, Private,173991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,27, Federal-gov,96219, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,152744, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,56, Private,182142, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,48915, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,24126, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Local-gov,263984, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Puerto-Rico +<=50K,42, Local-gov,118261, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,63, Private,106141, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,48, State-gov,355320, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,15, Germany +<=50K,19, ?,497414, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,35, Mexico +<=50K,41, Private,118915, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,75885, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,26, State-gov,93806, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,25, United-States +<=50K,33, Local-gov,255058, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Male,0,2339,40, United-States +<=50K,41, Private,120277, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,120046, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,26, Private,209384, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,742903, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,147869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,208117, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,64, Private,268965, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,22, United-States +<=50K,32, Private,41210, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,128378, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,131291, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,35, Private,187046, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,221672, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,70100, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,23, Private,199586, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,45, Private,243743, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, State-gov,375931, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +>50K,42, Private,139012, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,45, Private,167617, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,77, Private,88269, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,70377, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,431745, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,10, United-States +>50K,32, Private,72967, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,41, Private,174373, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,42, Private,145178, HS-grad,9, Separated, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, ?,138938, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,3, United-States +<=50K,26, Local-gov,113948, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,48, United-States +<=50K,66, Private,135446, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,43711, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,137304, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,65, United-States +<=50K,21, Private,180690, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,135384, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,178137, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,44, United-States +>50K,62, Self-emp-not-inc,113440, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,45, Private,110243, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-inc,165981, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,246635, Some-college,10, Never-married, Sales, Own-child, White, Female,2597,0,20, United-States +>50K,30, Private,553405, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,137506, 9th,5, Widowed, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,313730, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Federal-gov,102684, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,55, Private,265579, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,2354,0,40, United-States +>50K,58, Private,101338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Greece +>50K,67, Private,188903, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,231919, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,38, ?,139770, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,48, United-States +<=50K,37, Private,253006, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Private,258425, Assoc-voc,11, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,2597,0,45, United-States +<=50K,49, Private,168837, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,46, Private,177536, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,29, Private,168524, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Self-emp-inc,108551, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,38, Self-emp-not-inc,180477, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,58, Self-emp-not-inc,162970, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,104196, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +>50K,34, Private,329288, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,55, United-States +<=50K,59, Self-emp-not-inc,39398, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +<=50K,33, Private,70240, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,17, Private,153021, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,6, United-States +<=50K,29, Local-gov,152461, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,171892, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,42, United-States +<=50K,45, Private,128141, 11th,7, Separated, Tech-support, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,68, Private,182574, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,991,0,29, United-States +<=50K,33, Local-gov,189145, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,49, Self-emp-inc,218835, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,46, Local-gov,132994, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,54, Private,83103, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,67, United-States +<=50K,31, Private,198103, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,25, ?,177812, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,144154, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,80, United-States +>50K,56, Private,169086, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, ? +<=50K,36, Private,140854, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Portugal +<=50K,20, ?,218875, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,20, United-States +<=50K,35, Self-emp-not-inc,187589, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,7, United-States +>50K,36, Private,112271, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,27, Private,199118, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +>50K,46, Private,178642, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +>50K,34, Private,113708, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,59, United-States +<=50K,29, Federal-gov,185670, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,303187, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,44, ? +>50K,49, Private,209739, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,52, Self-emp-not-inc,155278, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,119422, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,326292, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,212512, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,33440, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,38, State-gov,185180, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,46, Self-emp-not-inc,504941, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,192014, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,24, United-States +>50K,48, Self-emp-inc,192755, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, Canada +>50K,59, Private,220896, Prof-school,15, Divorced, Other-service, Not-in-family, White, Male,27828,0,60, United-States +<=50K,22, Private,189832, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,38, Private,235638, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +<=50K,39, Private,134367, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,43, United-States +<=50K,41, Private,171231, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Peru +<=50K,19, Private,253529, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,9, United-States +<=50K,47, State-gov,210557, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,47, Private,362835, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,186479, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,115360, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,184806, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,34, Self-emp-not-inc,450141, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,35, United-States +<=50K,41, Private,200479, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,152493, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,60, United-States +>50K,29, Private,135791, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,50, Cuba +<=50K,37, Self-emp-not-inc,50096, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,55, Private,173832, Masters,14, Divorced, Sales, Not-in-family, White, Male,10520,0,40, United-States +<=50K,52, Private,224198, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,57, Private,111553, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,67, Private,191380, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,34242, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,58, Private,100054, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,70, United-States +<=50K,62, Private,110103, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,40, Private,196626, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,66, ?,194480, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,2377,2, United-States +<=50K,26, Private,190040, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,42, Private,152629, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, Federal-gov,263162, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,205581, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,50, Private,155434, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,415922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,32, United-States +<=50K,42, Local-gov,221581, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,135089, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,56, United-States +<=50K,47, Private,117774, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Portugal +<=50K,46, Private,206707, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,315640, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Iran +>50K,52, Private,210736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,23, Local-gov,456665, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,133935, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,106982, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,35, Private,126569, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,209954, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, State-gov,46401, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,410216, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,410509, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,382199, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,84130, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,243380, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Private,329635, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,265434, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,241752, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,172579, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,48, Local-gov,121179, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,52, United-States +>50K,46, Private,76131, 5th-6th,3, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,57, Private,138777, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,45, Germany +<=50K,44, State-gov,195212, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,52, United-States +<=50K,20, Private,315135, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +>50K,44, Private,248406, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,283314, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, ? +<=50K,29, Private,231601, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,71, Self-emp-not-inc,126807, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1411,70, United-States +<=50K,31, Private,198513, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,162651, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Columbia +>50K,90, Private,197613, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,184098, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Local-gov,187505, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +<=50K,53, Private,174655, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,161123, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,43, Private,390369, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, Mexico +<=50K,35, Self-emp-not-inc,354520, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,364631, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, Mexico +>50K,35, Private,323120, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,44, United-States +<=50K,58, State-gov,32367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,88, Private,30102, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1816,50, ? +>50K,51, Private,229259, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,274818, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Self-emp-inc,248476, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,98080, Some-college,10, Never-married, Adm-clerical, Other-relative, Other, Male,0,0,40, India +<=50K,44, Private,56651, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,43, Private,216411, 1st-4th,2, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, Dominican-Republic +>50K,31, Private,226443, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,21, Private,119039, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,18, United-States +<=50K,25, Private,136277, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,52, Local-gov,149508, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,53, Private,449376, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,143450, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,41, Private,227065, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,175801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,260346, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,37, Private,54159, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,143246, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,2597,0,45, United-States +<=50K,32, Private,115854, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,41, United-States +<=50K,35, Private,138441, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,149704, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,22245, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,104017, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1628,50, United-States +>50K,46, Private,165468, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,181557, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,35, United-States +>50K,38, Private,220694, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,27, Local-gov,190330, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,109209, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,32, Private,187815, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Federal-gov,236648, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,53306, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,418645, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,217530, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,45, Mexico +<=50K,19, Private,135066, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,20, Local-gov,38455, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +<=50K,37, Self-emp-not-inc,53553, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,18, Private,117857, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,379376, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,31, Private,191932, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,2258,40, United-States +>50K,33, Private,234067, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Private,348886, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,142490, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, ?,155190, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,2580,0,8, United-States +<=50K,22, Private,176178, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,36, United-States +<=50K,53, Private,149220, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,188047, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,258102, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,185216, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,219701, 12th,8, Divorced, Protective-serv, Not-in-family, White, Male,0,0,37, Cuba +<=50K,40, Private,235523, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,100375, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,41, Private,24273, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,224115, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,41, Private,187795, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,60, United-States +<=50K,26, Private,161007, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,262723, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,33474, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,43, Private,167151, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,60, United-States +<=50K,38, Self-emp-inc,222532, Prof-school,15, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,47, Local-gov,48195, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +<=50K,23, Private,89089, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Local-gov,179151, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,192589, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,24, Private,236149, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +>50K,58, Private,110820, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,113464, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,38, Self-emp-not-inc,248929, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,41, Private,257758, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,198660, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,195532, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,17, Private,208046, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,16, United-States +<=50K,31, Self-emp-inc,72744, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,30, United-States +<=50K,73, ?,65072, 10th,6, Never-married, ?, Not-in-family, White, Male,0,0,12, United-States +<=50K,27, Private,313479, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,57, Private,262681, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,54, State-gov,305319, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,40, Private,158958, HS-grad,9, Never-married, Priv-house-serv, Other-relative, Black, Female,0,0,40, Honduras +<=50K,23, Self-emp-not-inc,47039, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,150057, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,54, State-gov,55861, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,39, United-States +>50K,32, Self-emp-inc,225053, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,44, Self-emp-not-inc,136986, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,36, ?,342480, 11th,7, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, ?,335124, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,39, Self-emp-not-inc,29874, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, United-States +<=50K,36, Private,191146, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,38, United-States +>50K,65, Private,154164, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,20051,0,20, ? +<=50K,43, Private,287008, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,397877, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,30, United-States +<=50K,40, Local-gov,108765, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,23, Private,215251, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,67, Private,132586, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +>50K,48, Local-gov,328610, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Private,264048, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,74, ?,98867, 5th-6th,3, Widowed, ?, Not-in-family, Black, Male,0,0,32, United-States +<=50K,36, Private,166289, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Private,186328, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Federal-gov,59948, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,231793, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Local-gov,487770, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,167536, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,250736, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,99, United-States +<=50K,18, ?,197057, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,448026, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,56, Private,217775, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Federal-gov,154394, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,244933, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,22, Private,155362, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,48, Private,187563, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, United-States +<=50K,61, ?,108398, 11th,7, Widowed, ?, Unmarried, Black, Female,0,0,9, United-States +<=50K,30, Private,69235, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,72, Private,174032, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,174957, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,71, Self-emp-not-inc,31781, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1510,35, United-States +>50K,49, Private,278322, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,49, Private,144514, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,41, Private,255824, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,443858, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,114066, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,26, United-States +<=50K,30, Private,103860, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,132839, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, State-gov,290688, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, ?,187439, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,22, Private,170302, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,1974,45, United-States +<=50K,49, Private,74984, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,94774, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,46, Private,72896, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,55, Self-emp-inc,197749, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1573,44, United-States +<=50K,28, Private,182509, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,233117, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,102729, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,172706, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-inc,295254, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,101426, HS-grad,9, Never-married, Protective-serv, Unmarried, Black, Male,0,0,40, United-States +<=50K,75, Private,185603, 10th,6, Widowed, Tech-support, Not-in-family, White, Female,0,0,32, United-States +>50K,53, Private,289620, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, ? +<=50K,39, Private,179137, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,222199, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,39, Private,320305, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, ?,111340, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1573,40, United-States +>50K,31, Federal-gov,86150, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,5178,0,40, United-States +<=50K,60, Private,124648, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,30, Private,175761, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,23, Private,148948, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,230355, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, Cuba +<=50K,55, State-gov,277203, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,176690, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,40, England +<=50K,64, Self-emp-inc,119182, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +<=50K,35, Private,181353, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,311293, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,17, ?,132962, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,45, Private,155478, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,46706, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,59, Private,142326, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,220454, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,105779, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,362623, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,1573,30, Mexico +<=50K,37, Private,115806, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,351324, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +<=50K,29, Private,131712, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,181118, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,19, ?,214087, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,181291, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, Italy +<=50K,44, Private,146908, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,262777, Masters,14, Separated, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,45, China +<=50K,53, Local-gov,394765, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,207335, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,133712, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,45, United-States +<=50K,24, State-gov,105479, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,140092, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,53232, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,55, United-States +<=50K,57, Private,178154, 10th,6, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,202203, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,50, Private,49340, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,106207, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,103064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,79190, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,473449, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,189498, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,149902, Masters,14, Never-married, Other-service, Unmarried, Black, Female,0,0,28, United-States +>50K,44, Private,150098, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,50, United-States +<=50K,40, Private,100451, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,193094, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,48, United-States +<=50K,37, Private,202950, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,161444, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,39, United-States +>50K,33, Self-emp-not-inc,303867, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,143912, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, ?,42623, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,32, United-States +<=50K,37, ?,145064, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,53, Private,199287, 9th,5, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,9, United-States +<=50K,48, Private,250733, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,372525, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,338162, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,37, United-States +>50K,38, Private,154210, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,55, Private,158702, 10th,6, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,199118, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, Nicaragua +<=50K,59, Private,104455, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,42, Self-emp-not-inc,210013, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,440934, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,31, Private,375833, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,41, Private,289551, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +<=50K,45, Private,272729, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, State-gov,176185, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,155403, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,47, Federal-gov,239321, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,365745, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,49, Private,107399, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,93394, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,34, Self-emp-not-inc,143078, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Local-gov,283314, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1977,40, United-States +>50K,37, Private,194668, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,170301, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,31, Self-emp-inc,162442, Masters,14, Never-married, Sales, Own-child, White, Female,27828,0,40, United-States +<=50K,24, Private,456430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,337424, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,27, Private,160291, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Germany +>50K,41, Private,341204, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,148084, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, Dominican-Republic +<=50K,26, Private,102476, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, ?,183161, 12th,8, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,17, Private,160029, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,14, United-States +<=50K,70, Self-emp-not-inc,152066, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,57, Private,175942, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,64, Private,387669, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,179824, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, ?,65249, 12th,8, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,47, Self-emp-not-inc,267879, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103,0,50, United-States +<=50K,54, Private,150999, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,42, Local-gov,69758, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,48, United-States +<=50K,23, Private,180795, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,257283, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,196344, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,30, Mexico +<=50K,32, Private,155151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,35, Self-emp-not-inc,368140, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,17, Private,95079, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,37, ?,254773, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,181659, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, ?,215620, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,12, United-States +<=50K,29, Private,169104, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Male,0,0,75, Thailand +<=50K,33, Local-gov,100446, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,46, Private,189680, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,376474, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,112494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,212491, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Local-gov,254218, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,34, Private,421200, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,426589, HS-grad,9, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,335015, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,65, United-States +<=50K,25, Private,78605, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-inc,123749, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,90, United-States +<=50K,31, Private,245500, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,25, ? +>50K,32, Private,226443, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,150630, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,257124, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,127865, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,25, United-States +<=50K,50, Private,27432, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,161765, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Private,42703, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,209641, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,93131, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,1055,0,20, China +<=50K,46, Private,191821, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,410009, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,334291, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,2258,40, United-States +>50K,58, Self-emp-inc,274363, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,17, Private,102456, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,35, State-gov,102268, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,46, Private,220979, Some-college,10, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,13550,0,40, United-States +<=50K,35, ?,111377, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,36, Private,187847, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,40052, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,133375, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +>50K,46, Private,226032, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,16, United-States +<=50K,27, Private,211032, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,392812, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,34, Federal-gov,174724, Assoc-voc,11, Divorced, Adm-clerical, Own-child, Black, Female,1831,0,40, United-States +<=50K,50, Local-gov,363405, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,42750, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,40, Self-emp-not-inc,174112, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,65, Self-emp-not-inc,326936, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Self-emp-not-inc,188069, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Private,366089, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,162160, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,114937, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,6849,0,40, United-States +<=50K,61, Private,189932, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,57, Private,168447, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,154210, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,1902,45, Japan +<=50K,29, Private,211331, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, Mexico +<=50K,57, Private,157749, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Self-emp-inc,84587, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,20, Japan +<=50K,27, Private,269246, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464,0,45, United-States +<=50K,26, Private,305129, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,253556, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-inc,229116, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,45, Private,111381, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,41, Private,121201, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,26, Local-gov,271836, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,50, United-States +<=50K,47, Private,116641, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,4, France +<=50K,37, Private,171524, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, ? +<=50K,52, Private,145409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,174575, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, State-gov,149135, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,234096, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,210973, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,37, Local-gov,269323, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,29087, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,6, United-States +<=50K,27, Self-emp-not-inc,177831, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Hungary +<=50K,39, Self-emp-not-inc,167106, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,72, South +<=50K,56, Private,118993, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Private,102875, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, India +<=50K,89, ?,29106, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,101103, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,35, Self-emp-not-inc,135020, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,26, Private,182390, 11th,7, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,53, Private,174102, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,138153, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,162282, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,51, Private,280292, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,307294, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,57, Private,94156, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,84, United-States +<=50K,59, ?,199033, 9th,5, Married-civ-spouse, ?, Wife, Black, Female,0,0,32, United-States +<=50K,61, Private,57408, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,210922, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,55, ? +<=50K,20, Private,138994, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,22, Private,416103, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,42, Private,166740, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,50, United-States +<=50K,47, Self-emp-inc,139268, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,21, State-gov,165474, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +>50K,37, Private,100316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, ?,49028, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-inc,85566, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,27, Private,58150, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,376548, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,398166, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Private,86797, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,161819, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,19, Private,187125, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,226535, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,4865,0,40, United-States +>50K,23, Self-emp-inc,216889, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,65, Self-emp-not-inc,135517, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,336951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,101603, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,205931, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,40, Federal-gov,105119, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,200316, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,132859, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,57, Private,137031, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,24, Local-gov,184975, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,165539, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Black, Female,4101,0,40, Jamaica +<=50K,26, Private,48099, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,47012, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,60, Local-gov,195409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,52, United-States +<=50K,54, Private,20795, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, State-gov,484879, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,276087, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,37, Federal-gov,45937, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,48, United-States +>50K,48, Federal-gov,102359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,30, Private,186824, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,203914, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,30, Self-emp-not-inc,209808, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228516, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,62, Private,49424, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,25, Private,359067, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,55, Self-emp-not-inc,340171, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,142037, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,28, Local-gov,157437, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,4650,0,48, United-States +>50K,47, State-gov,142287, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,35, State-gov,189794, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,258289, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,352849, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,1719,30, United-States +<=50K,37, Private,162322, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,200295, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,26, ?,296372, HS-grad,9, Divorced, ?, Own-child, White, Female,0,0,40, United-States +<=50K,54, Local-gov,190333, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,211518, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,70, Private,264098, 10th,6, Widowed, Transport-moving, Not-in-family, White, Female,2538,0,40, United-States +<=50K,43, Private,393762, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Local-gov,181970, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,110901, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,21, Private,92863, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,111368, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, ?,83601, 12th,8, Widowed, ?, Unmarried, White, Female,0,0,70, United-States +<=50K,47, Private,164682, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +<=50K,37, Private,166549, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,24, Private,176566, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,40, United-States +<=50K,18, Private,201613, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,5, United-States +<=50K,27, Private,285294, Assoc-acdm,12, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,60, United-States +<=50K,75, Private,100301, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,22, Private,120320, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,29, Local-gov,218650, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,339482, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,64, Private,301352, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,225978, Assoc-voc,11, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Private,337778, Some-college,10, Divorced, Sales, Not-in-family, White, Male,4650,0,40, United-States +>50K,49, Private,241350, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,36, Private,266645, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,18, Private,100863, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,55, Local-gov,227386, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,315971, Masters,14, Divorced, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,177287, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,20, Private,169022, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +>50K,50, Private,205803, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,277700, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +<=50K,24, Self-emp-not-inc,166371, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,20, ?,295763, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,75, Self-emp-inc,152519, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Male,25124,0,20, United-States +<=50K,44, Private,438696, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Self-emp-inc,34266, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,136391, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,435638, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1876,40, United-States +<=50K,23, Private,51973, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,50, Japan +<=50K,40, Private,109800, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,41, Federal-gov,260761, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,59, Private,109015, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,272944, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,290498, Preschool,1, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, Mexico +<=50K,25, Private,176864, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, State-gov,169914, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,205759, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,271075, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,29, United-States +<=50K,19, Private,239995, 11th,7, Never-married, Sales, Other-relative, White, Male,0,0,16, United-States +<=50K,27, Private,65663, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, ?,259865, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, Mexico +<=50K,42, Self-emp-not-inc,34722, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,37, Private,225821, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,40, United-States +<=50K,39, Private,191503, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,46, ?,110243, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,1977,20, United-States +<=50K,30, Self-emp-not-inc,227429, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, Yugoslavia +<=50K,52, Private,174452, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,209085, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +>50K,54, Private,192386, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,38, United-States +<=50K,19, ?,234877, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,320862, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,535027, Some-college,10, Never-married, Transport-moving, Unmarried, Black, Male,0,0,15, United-States +<=50K,33, Private,137421, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,35, Japan +<=50K,46, Private,195727, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,49, Self-emp-not-inc,163229, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,31, Private,50753, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,49, Private,173503, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,17, Federal-gov,29078, 11th,7, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,15, United-States +<=50K,35, Private,360743, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,55, United-States +>50K,39, Self-emp-inc,142149, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,26, Private,464552, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +>50K,59, Private,47444, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,74, United-States +<=50K,37, Private,24721, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,53, Private,187492, Bachelors,13, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,50, Private,229318, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, Trinadad&Tobago +<=50K,48, Private,358382, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,52, United-States +<=50K,60, State-gov,119832, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,414166, 12th,8, Never-married, Other-service, Own-child, Black, Female,0,0,32, United-States +<=50K,35, Private,147638, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,26, Self-emp-not-inc,33016, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,20, ?,386962, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, Mexico +<=50K,32, Private,39248, Bachelors,13, Never-married, Tech-support, Not-in-family, Other, Male,0,0,40, United-States +>50K,69, Private,232683, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, France +<=50K,31, Self-emp-not-inc,55912, 9th,5, Never-married, Craft-repair, Unmarried, White, Male,0,0,47, United-States +<=50K,35, Private,113152, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-inc,150095, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,114424, Some-college,10, Separated, Machine-op-inspct, Other-relative, Black, Female,0,0,37, United-States +<=50K,26, ?,408417, Some-college,10, Married-AF-spouse, ?, Husband, Black, Male,0,0,38, United-States +>50K,29, Private,163167, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Private,86009, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,316582, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,7298,0,40, United-States +>50K,50, Self-emp-not-inc,165219, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,21, Private,99829, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,47, Private,275095, 9th,5, Widowed, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,42, Private,167650, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,52, Self-emp-not-inc,141820, 10th,6, Divorced, Other-service, Own-child, White, Female,0,0,27, United-States +<=50K,29, Private,108253, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0,0,40, United-States +<=50K,41, Private,156526, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,185366, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,314739, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,92, United-States +<=50K,20, Private,336101, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,49115, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,35, Self-emp-inc,186488, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Puerto-Rico +<=50K,18, ?,158826, 12th,8, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +<=50K,24, Private,218415, 11th,7, Separated, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,76978, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,47, Private,213408, 9th,5, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, Cuba +<=50K,44, Private,181265, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Local-gov,242956, 11th,7, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,30, Private,226696, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,186932, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +<=50K,50, Federal-gov,107079, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,154950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,48597, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,40, Private,196344, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,45, United-States +>50K,37, Self-emp-inc,152414, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,61, Private,222966, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,39, Self-emp-not-inc,272671, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,26, Private,235520, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,232766, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,309990, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,8614,0,60, United-States +<=50K,40, Private,95639, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,20, ?,177161, HS-grad,9, Never-married, ?, Own-child, Other, Female,0,0,45, United-States +<=50K,51, Local-gov,133963, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,35, ? +>50K,45, Self-emp-not-inc,240786, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,141186, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,35, United-States +<=50K,65, Private,109221, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, White, Female,0,3175,60, Puerto-Rico +<=50K,29, Private,337953, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,2885,0,40, United-States +<=50K,49, State-gov,189762, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,18, ?,40190, 12th,8, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,66, Private,171824, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +>50K,48, Private,83545, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,28, Private,142712, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,37, United-States +<=50K,19, Private,91893, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,23, Private,443701, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,40, Private,438427, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Self-emp-inc,69372, Doctorate,16, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,49, Private,243190, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,109762, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,91189, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,56, Federal-gov,205805, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,48, Local-gov,212050, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,152652, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,157193, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,30, Italy +<=50K,32, Private,36592, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,39, Private,192664, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,99280, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,54, Private,168621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,127048, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,167610, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,108320, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,369643, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,27, Private,232388, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,40, United-States +<=50K,28, Private,513719, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,27073, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,54, Private,105428, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,167284, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,320615, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,27, Local-gov,47284, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +>50K,42, Private,45156, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,166269, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,28, Federal-gov,236418, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,311478, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,45, United-States +>50K,50, Private,256908, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,256796, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,168138, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,244413, 12th,8, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, Ecuador +<=50K,66, ?,52728, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,23, ?,223019, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,23, Private,215443, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,70, United-States +<=50K,41, Private,99665, 9th,5, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,80, United-States +<=50K,39, Private,243485, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,169872, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,3887,0,45, United-States +<=50K,46, Private,116338, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,109989, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,144401, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,23, Local-gov,199555, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1590,40, United-States +<=50K,33, Self-emp-not-inc,105229, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,31, Private,185216, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,155278, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,371408, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,47, United-States +>50K,56, Private,177271, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,234891, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,21, Private,356286, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,60, ?,225894, Preschool,1, Widowed, ?, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,19, Private,181781, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,28, United-States +<=50K,23, Private,197756, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +<=50K,69, Local-gov,216269, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,33931, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,151584, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,53, Private,286085, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,111385, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,280966, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,221178, HS-grad,9, Separated, Other-service, Other-relative, White, Male,0,0,28, United-States +<=50K,60, Private,74422, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,44, Mexico +<=50K,21, Private,103031, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,46, State-gov,209739, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,38, United-States +<=50K,23, State-gov,112137, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,40, Canada +<=50K,26, Private,138537, 11th,7, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +<=50K,72, Private,135378, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,48, Private,175006, 1st-4th,2, Separated, Machine-op-inspct, Other-relative, Black, Male,0,0,48, United-States +<=50K,26, Private,182194, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,194686, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,15, United-States +<=50K,27, Private,70034, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Federal-gov,439263, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,72, Private,74749, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,17, United-States +<=50K,26, Private,231638, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,197623, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,22, ?,148409, Some-college,10, Never-married, ?, Own-child, White, Male,0,1721,40, United-States +<=50K,17, ?,40299, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,96260, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +>50K,47, Self-emp-not-inc,62143, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,22, Private,193027, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,24, ?,334105, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Private,31411, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, ? +<=50K,60, Private,140516, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,155963, 9th,5, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,119891, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,206609, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,425444, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +>50K,52, Private,114674, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,54, Federal-gov,57679, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,48, Private,213140, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Local-gov,295494, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Private,182862, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,50, Private,178529, 11th,7, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,214031, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,17, Private,350538, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,29, Private,238073, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Columbia +<=50K,29, Private,194640, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,139770, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,21, Private,164177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, Private,99470, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,61, Private,359367, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, Local-gov,45612, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,16, United-States +>50K,33, Private,127651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,193132, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,50, United-States +>50K,26, Local-gov,314798, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +>50K,33, Private,108438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,41, Private,165815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,136172, 11th,7, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,127159, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,24, ? +<=50K,18, ?,220168, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,55, Private,127677, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,119941, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,93699, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Federal-gov,196649, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,332763, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,36, Private,158363, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,249039, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,39, Private,454585, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, Mexico +<=50K,31, Private,121321, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,229148, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,221284, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,64, United-States +<=50K,38, Private,428251, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,77660, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,21, Private,139722, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,33, State-gov,171151, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,94819, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,44, Private,214546, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,45, Self-emp-inc,190482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,283029, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,54, United-States +>50K,48, ?,142719, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,40, Private,244172, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,120238, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,66095, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,46, Private,129232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,44121, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,243678, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,118786, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +>50K,39, Self-emp-not-inc,176900, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,50, Private,155574, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,41, Private,76625, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,192254, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,15, United-States +<=50K,35, Private,238802, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,22, Private,247731, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,397606, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,370057, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,62, ?,190873, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,50, Local-gov,145879, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,52, Private,618130, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,24, Private,542762, Bachelors,13, Never-married, Sales, Other-relative, Black, Male,0,0,50, United-States +<=50K,31, Private,144124, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,190539, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,92462, Assoc-acdm,12, Never-married, Sales, Unmarried, Black, Male,0,0,32, United-States +<=50K,48, Private,129974, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, State-gov,254890, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,261207, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Cuba +<=50K,39, Self-emp-inc,206362, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,27804, Some-college,10, Divorced, Priv-house-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,57, Self-emp-not-inc,771836, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,101108, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,49, Private,255466, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,30, Local-gov,204494, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,70, Germany +<=50K,53, Private,271918, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,152619, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,107318, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,130773, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,20, ?,117210, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,148549, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,64, Private,181530, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,365739, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,182429, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,38, United-States +<=50K,41, Private,381510, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,116789, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,36, Self-emp-inc,196554, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,27, Private,335878, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,25, Private,184120, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,260084, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,44, Private,160369, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,164901, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, ?,96844, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Private,124566, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,473133, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,44, Private,335223, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Private,380086, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,48, United-States +<=50K,32, Private,198265, 1st-4th,2, Never-married, Exec-managerial, Own-child, White, Male,0,0,21, United-States +<=50K,33, ?,32207, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,75, United-States +<=50K,60, Private,288684, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,35, Private,302604, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,170290, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,53, Self-emp-inc,195398, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,48, Canada +>50K,54, Local-gov,256923, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,464552, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, Mexico +<=50K,27, Private,112754, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,56, United-States +>50K,59, Private,176118, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,63, ?,316627, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,70, Private,146628, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3471,0,33, United-States +<=50K,26, Private,108822, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,208608, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,22, Private,317019, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,24, Private,250978, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,75, United-States +>50K,46, Private,224559, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,56, State-gov,138593, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,175614, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,396099, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,122493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,53, Local-gov,182677, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +>50K,57, State-gov,247624, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,210458, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Mexico +<=50K,25, Private,91639, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,334096, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, ?,183945, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,78022, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-inc,318351, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1741,40, United-States +>50K,23, Private,233280, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,8614,0,70, United-States +<=50K,22, Private,100188, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,29, Private,85572, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,61735, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,23, Private,206827, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,210053, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,38, Local-gov,172016, Bachelors,13, Divorced, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,138153, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,31, ?,183855, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +>50K,30, Private,188362, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +>50K,42, Private,191429, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,52, Private,357596, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Local-gov,278404, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,180339, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,43, Private,355431, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Private,223212, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,34, Private,116371, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,41, ?,199018, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,1504,40, United-States +>50K,43, Private,435266, Doctorate,16, Separated, Exec-managerial, Not-in-family, White, Female,14084,0,60, United-States +>50K,61, Private,345697, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,49, Private,253973, 10th,6, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, ?,191149, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,28, United-States +<=50K,42, Private,197344, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,437161, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,72, ?,94268, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,50, Self-emp-inc,207841, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +>50K,34, Private,46492, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, State-gov,190325, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,48, United-States +>50K,48, Private,158944, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,60, United-States +<=50K,37, Private,228598, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, Mexico +<=50K,23, Private,349156, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,17, ?,246974, 12th,8, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,66, Private,386120, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,10605,0,40, United-States +<=50K,26, Private,220678, 5th-6th,3, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, Dominican-Republic +<=50K,41, Private,462964, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,2174,0,50, United-States +<=50K,19, Private,158603, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,37, United-States +<=50K,26, ?,167261, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Private,412933, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,55, United-States +<=50K,59, Local-gov,167027, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Private,194829, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,47, Private,145636, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,57, ?,123632, Bachelors,13, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +<=50K,49, Private,27614, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,324854, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,22245, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,31, Private,101352, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, ?,238721, Bachelors,13, Divorced, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,22, Private,289982, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,399449, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,39, ?,142804, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,16, United-States +<=50K,26, Private,121427, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,230959, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,42, Private,191342, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,64, Private,285610, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,207369, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Federal-gov,80485, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, State-gov,33474, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,173658, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,36, Local-gov,202207, HS-grad,9, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,69, Germany +>50K,36, Private,174242, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,22, Private,349212, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,17, ?,54978, 7th-8th,4, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,25, State-gov,81993, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,46, United-States +<=50K,47, Private,311395, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, ?,149017, 12th,8, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,34, Self-emp-not-inc,156532, 7th-8th,4, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,53470, Bachelors,13, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,212578, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,25, Private,227465, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,423605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,48, Private,149337, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,27, State-gov,38353, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Local-gov,325385, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,196252, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,35, Private,110538, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,75, Private,71385, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,20, United-States +>50K,34, Private,178449, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,45, United-States +<=50K,28, Federal-gov,366533, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,336326, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,1151,0,40, United-States +<=50K,23, Private,335439, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1741,50, United-States +<=50K,40, Private,184471, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,133526, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,618808, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,408385, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,156192, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,126569, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,300773, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,152109, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,260275, 11th,7, Separated, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,17, Private,209650, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,73, Private,573446, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,41, Private,253189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,200426, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +<=50K,24, Private,109667, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,41, ?,173651, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +<=50K,34, Local-gov,432204, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,80, United-States +<=50K,28, Private,252013, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,45, Japan +>50K,68, ?,461484, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,1648,10, United-States +<=50K,19, Private,191889, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,112507, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,36, Private,224531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,24, ?,83783, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +>50K,46, Self-emp-not-inc,346783, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, Cuba +<=50K,48, Federal-gov,72896, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,171393, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1740,40, United-States +<=50K,27, Private,294931, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Germany +<=50K,26, Private,198986, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, ?,264767, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,225623, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,48610, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,14, United-States +<=50K,57, Private,113974, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,334991, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,362059, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,32, United-States +>50K,37, Private,389725, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,25, Private,330774, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,149910, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,99401, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,104266, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,136440, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,15, South +<=50K,84, Private,65478, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, England +<=50K,24, Private,56121, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, Mexico +<=50K,44, Private,143939, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,231853, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,1902,40, United-States +<=50K,20, Private,267706, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,38, United-States +>50K,37, Private,328301, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,4934,0,60, United-States +<=50K,30, Private,36340, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,19, Private,112780, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,51, Private,113045, Masters,14, Widowed, Exec-managerial, Unmarried, White, Male,15020,0,40, United-States +<=50K,52, Private,196504, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, State-gov,136216, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,34, Local-gov,158242, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,53, Private,180062, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,206888, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,77370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,349151, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,40, United-States +<=50K,52, Private,113843, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,48, State-gov,176917, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,226078, 11th,7, Divorced, ?, Unmarried, Black, Female,0,0,32, United-States +<=50K,30, Local-gov,177828, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,137304, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,35, Private,138441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,30840, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,149546, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,30, United-States +<=50K,29, Private,145182, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Female,0,0,20, United-States +<=50K,25, Local-gov,270379, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Self-emp-inc,378036, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +<=50K,19, Private,118535, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,239057, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,80, Private,107740, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,61, Private,194804, Preschool,1, Separated, Transport-moving, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,46, Self-emp-not-inc,225065, Bachelors,13, Separated, Other-service, Unmarried, White, Female,0,0,45, Nicaragua +<=50K,27, Private,165412, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,211199, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, State-gov,172962, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,190748, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,38, Federal-gov,455379, 12th,8, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,28, Private,112917, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Other, Male,0,0,40, Mexico +<=50K,34, Private,299383, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Private,22245, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,49683, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,65, Local-gov,32846, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,2964,0,35, United-States +<=50K,35, Private,46947, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,65, Private,165609, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,39, Private,226894, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,35, Private,143231, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,173730, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,259425, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,168747, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,210652, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,25, Private,40915, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,180303, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,70, South +>50K,49, Private,182541, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1485,40, United-States +<=50K,29, Private,67306, HS-grad,9, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,20, ?,38032, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Federal-gov,257395, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,29261, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,205977, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,22, ?,216639, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1974,40, United-States +<=50K,17, Private,134768, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,49, Private,32184, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,23, Private,138037, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,1590,50, United-States +>50K,49, Private,174426, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,45, Private,50162, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,193998, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,187901, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,56, Private,82050, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,18, ?,20057, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,16, United-States +<=50K,35, Private,144200, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Other, Male,0,0,25, Columbia +<=50K,80, Self-emp-not-inc,29441, 7th-8th,4, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,15, United-States +<=50K,65, Private,195695, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,274502, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,76, ?,239900, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,3, United-States +<=50K,22, Private,191954, Assoc-voc,11, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +>50K,33, Private,172304, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Local-gov,174575, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,20, Private,325744, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,43, Private,26252, Some-college,10, Separated, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,57, Private,176904, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,504871, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,141702, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,30, Private,399088, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,32, Local-gov,409282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,532969, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,21, ?,213366, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,38, United-States +<=50K,36, Private,188888, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,24126, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Self-emp-not-inc,151369, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,30, United-States +<=50K,18, Private,115759, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,59, Self-emp-inc,171355, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,55, United-States +<=50K,18, Private,310175, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,44, Private,216116, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,23, Private,204141, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,212894, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Greece +>50K,49, Private,120121, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,59, Self-emp-not-inc,190997, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +>50K,36, Private,224566, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +<=50K,30, Private,235847, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,56, ?,124319, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,193807, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,69, Self-emp-not-inc,215926, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,19, ?,455665, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,44, United-States +<=50K,36, Private,36423, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +>50K,42, Private,32878, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,42, United-States +<=50K,25, Private,96862, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,2174,0,40, United-States +<=50K,17, Private,187879, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,40, Local-gov,36296, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,75615, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,43, United-States +<=50K,17, Private,168807, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,24, State-gov,161783, Bachelors,13, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, ? +<=50K,40, State-gov,13492, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,65, Private,119769, HS-grad,9, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,20, United-States +<=50K,38, Private,313914, Bachelors,13, Separated, Farming-fishing, Unmarried, White, Female,0,0,45, United-States +<=50K,33, Private,172584, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1590,50, United-States +<=50K,28, Private,112425, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,157783, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,35, Vietnam +<=50K,34, Private,356882, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,156852, Assoc-voc,11, Widowed, Tech-support, Unmarried, White, Female,0,0,8, United-States +>50K,63, Self-emp-not-inc,175177, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,425127, 9th,5, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,30, Local-gov,99761, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,272950, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,43, Self-emp-not-inc,174295, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,157678, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2036,0,42, United-States +<=50K,52, Private,186224, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,142587, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +>50K,46, Private,131091, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-not-inc,71269, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,311551, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,22, Self-emp-inc,171041, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,140915, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, South +>50K,46, Private,41223, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,292569, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,65, United-States +<=50K,44, Private,132921, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +>50K,59, Self-emp-inc,177271, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,84, United-States +>50K,58, Self-emp-inc,314482, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,310531, 10th,6, Separated, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,29, Private,145490, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,61, Private,181200, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1564,40, United-States +>50K,29, Private,152951, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Canada +<=50K,40, Private,85668, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,316606, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,2339,50, United-States +>50K,38, Private,220694, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,408585, 7th-8th,4, Married-civ-spouse, Farming-fishing, Own-child, White, Female,0,0,45, Mexico +<=50K,42, Federal-gov,36699, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,50, Private,104280, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,97254, 11th,7, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Male,4101,0,40, United-States +<=50K,35, Private,186420, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,44, Private,112482, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,54, Private,317733, Doctorate,16, Widowed, Tech-support, Unmarried, White, Male,0,2472,40, United-States +<=50K,56, Private,235136, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,29, Private,229729, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,46677, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,48, Federal-gov,277946, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,263727, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,74501, Masters,14, Never-married, Sales, Own-child, White, Female,0,0,50, United-States +>50K,34, Private,143776, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,45, ? +<=50K,69, Private,179130, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,38, United-States +<=50K,23, State-gov,386568, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,413110, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,15, United-States +<=50K,45, Private,72618, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,102288, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,321851, Assoc-voc,11, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,180871, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,124483, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +>50K,43, Private,72791, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,5178,0,40, United-States +<=50K,47, State-gov,263215, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,80, United-States +>50K,34, Local-gov,207668, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,41, United-States +<=50K,30, Private,198953, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Private,38819, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,43, Private,107306, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, Canada +<=50K,20, Private,161962, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,83, Private,192305, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +>50K,42, Private,449925, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Local-gov,131167, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Local-gov,268482, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, State-gov,103642, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1651,40, United-States +<=50K,43, Private,201723, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,186224, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Self-emp-not-inc,139703, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,48, United-States +<=50K,33, Private,397995, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,259323, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, State-gov,427515, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,21, ?,187937, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,52, United-States +<=50K,34, Private,177437, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,162442, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,48, Private,83407, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,61, ?,265201, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +<=50K,19, Private,109005, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,55, Local-gov,56915, HS-grad,9, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Male,0,0,8, United-States +<=50K,37, Private,210830, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,24, Private,194848, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,109351, Assoc-voc,11, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,105813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,72, United-States +<=50K,32, Private,123430, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,44, Private,105896, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,35, Self-emp-not-inc,135020, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Germany +<=50K,27, Private,136077, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,18, Private,151463, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,43, Private,73333, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,2174,0,40, United-States +>50K,51, Local-gov,43705, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,54, United-States +<=50K,26, Private,320465, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,237811, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Trinadad&Tobago +<=50K,41, State-gov,190910, HS-grad,9, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,348326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,163287, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,62, United-States +>50K,31, Private,97723, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, State-gov,160383, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,39, Federal-gov,263690, Masters,14, Married-civ-spouse, Other-service, Husband, Black, Male,3137,0,40, Trinadad&Tobago +<=50K,42, Private,278926, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,189017, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,87546, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,23, Local-gov,145112, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,43, United-States +<=50K,55, Private,107308, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,79, Local-gov,132668, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,47, Private,175600, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,176608, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,217054, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Local-gov,244813, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,77373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,135823, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,174864, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,45, Private,121676, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +>50K,38, Private,108140, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,46, Private,185041, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,47, Self-emp-inc,144579, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,90, United-States +<=50K,26, Private,143280, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,41, Private,242804, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Private,156926, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,55, Self-emp-inc,103948, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,249720, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,203635, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,65, United-States +<=50K,31, Private,136721, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,114865, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,166517, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,96219, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Private,236197, 12th,8, Widowed, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Guatemala +<=50K,39, Private,357118, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1974,40, United-States +<=50K,25, Private,193787, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,27, Private,607658, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,64, Local-gov,47298, Doctorate,16, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,55, Local-gov,258121, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,46, Private,411037, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,228724, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,179008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,37, Private,422933, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,32452, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,35, Private,54363, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,113397, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Japan +<=50K,45, Private,159080, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,59, State-gov,354948, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,31, Private,162572, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,35, Private,108140, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,126104, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,65, United-States +<=50K,41, Private,145522, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Private,61777, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,39, Private,139057, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,38, India +<=50K,31, Private,113129, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,202062, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Private,31341, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,196125, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,44559, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,33, Self-emp-not-inc,202153, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,35, Private,238980, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,156873, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,32805, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Self-emp-not-inc,273088, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,43, Self-emp-not-inc,241055, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,157028, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,35, Local-gov,304252, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,57, Private,106910, Assoc-voc,11, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Outlying-US(Guam-USVI-etc) +>50K,57, Private,127728, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,37, State-gov,178876, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,18, Private,78181, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,21, ?,212661, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,29, Private,288229, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Asian-Pac-Islander, Female,4386,0,45, United-States +<=50K,24, Private,205883, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Local-gov,268205, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,52, United-States +<=50K,23, Private,113735, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,36, Private,390243, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,52, Private,137984, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,160785, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,86150, HS-grad,9, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,32, Private,244268, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,48, United-States +>50K,34, Self-emp-inc,177828, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,29, Private,337953, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,36, United-States +<=50K,56, Self-emp-not-inc,254711, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,60, Private,127084, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,156618, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,1602,20, United-States +<=50K,30, Private,201697, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,187830, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,27828,0,16, United-States +>50K,52, Private,240612, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Peru +<=50K,66, Self-emp-not-inc,190160, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,28, Private,109001, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Local-gov,297322, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,335015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,50, Private,174964, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Federal-gov,408813, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,115332, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,29, Local-gov,170482, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,2057,40, United-States +<=50K,34, Private,113688, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,27, Private,133770, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2202,0,52, Philippines +<=50K,57, Private,161964, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,34572, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,21, Private,198259, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,73, ?,144872, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, Canada +>50K,57, Private,161944, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +<=50K,51, Private,29887, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,1590,40, United-States +<=50K,37, Federal-gov,238980, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,42, Private,275677, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,32, Private,24529, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,5178,0,60, United-States +>50K,51, Self-emp-not-inc,311631, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,105460, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,374763, 11th,7, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,25, Private,242136, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,112115, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,77132, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Canada +<=50K,81, ?,26711, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,2936,0,20, United-States +>50K,60, Private,117909, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,39, Private,229647, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1669,40, United-States +>50K,38, Private,149347, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Local-gov,23157, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,23, Private,93977, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,73, Self-emp-inc,159691, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,176967, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,344436, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,8, United-States +<=50K,27, Private,430340, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,40, Private,202168, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +<=50K,51, Private,82720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,269623, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,136405, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,32, United-States +>50K,50, Local-gov,139347, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, ? +<=50K,55, Private,224655, HS-grad,9, Separated, Priv-house-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,38, Private,247547, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,58, Private,292710, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,36, United-States +<=50K,32, Private,173449, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,285570, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,89686, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,440129, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,350977, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,48, Local-gov,349230, Masters,14, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,245211, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,215419, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,64, ?,321403, HS-grad,9, Widowed, ?, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, Private,374983, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,83891, Bachelors,13, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,5455,0,40, United-States +>50K,35, Self-emp-inc,182148, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States diff --git a/notebooks/responsibleaidashboard/adult-train.csv b/notebooks/responsibleaidashboard/adult-train.csv new file mode 100644 index 0000000000..80077f8a3b --- /dev/null +++ b/notebooks/responsibleaidashboard/adult-train.csv @@ -0,0 +1,32562 @@ +income,age,workclass,fnlwgt,education,education-num,marital-status,occupation,relationship,race,gender,capital-gain,capital-loss,hours-per-week,native-country +<=50K,39, State-gov,77516, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,2174,0,40, United-States +<=50K,50, Self-emp-not-inc,83311, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,13, United-States +<=50K,38, Private,215646, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,234721, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,338409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, Cuba +<=50K,37, Private,284582, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,49, Private,160187, 9th,5, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,16, Jamaica +>50K,52, Self-emp-not-inc,209642, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,45781, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,14084,0,50, United-States +>50K,42, Private,159449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +>50K,37, Private,280464, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,80, United-States +>50K,30, State-gov,141297, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,23, Private,122272, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,32, Private,205019, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Male,0,0,50, United-States +>50K,40, Private,121772, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,34, Private,245487, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,45, Mexico +<=50K,25, Self-emp-not-inc,176756, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,32, Private,186824, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,28887, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-not-inc,292175, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,40, Private,193524, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,302146, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,35, Federal-gov,76845, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,117037, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2042,40, United-States +<=50K,59, Private,109015, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,56, Local-gov,216851, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,168294, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,54, ?,180211, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,39, Private,367260, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,80, United-States +<=50K,49, Private,193366, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,190709, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,52, United-States +<=50K,20, Private,266015, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,44, United-States +<=50K,45, Private,386940, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Male,0,1408,40, United-States +<=50K,30, Federal-gov,59951, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, State-gov,311512, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,15, United-States +<=50K,48, Private,242406, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Puerto-Rico +<=50K,21, Private,197200, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,544091, HS-grad,9, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +>50K,31, Private,84154, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, ? +<=50K,48, Self-emp-not-inc,265477, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,507875, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,53, Self-emp-not-inc,88506, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,172987, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,94638, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,289980, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +>50K,57, Federal-gov,337895, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,144361, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,44, Private,128354, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,41, State-gov,101603, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,271466, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,25, Private,32275, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Other, Female,0,0,40, United-States +<=50K,18, Private,226956, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, ? +>50K,47, Private,51835, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,60, Honduras +>50K,50, Federal-gov,251585, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,47, Self-emp-inc,109832, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Private,237993, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,216666, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,35, Private,56352, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,41, Private,147372, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,188146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,30, Private,59496, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2407,0,40, United-States +<=50K,32, ?,293936, 7th-8th,4, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, ? +<=50K,48, Private,149640, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Private,116632, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,105598, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,58, United-States +<=50K,36, Private,155537, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,183175, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,169846, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,191681, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, ?,200681, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,101509, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,32, United-States +<=50K,31, Private,309974, Bachelors,13, Separated, Sales, Own-child, Black, Female,0,0,40, United-States +>50K,29, Self-emp-not-inc,162298, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,211678, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,79, Private,124744, Some-college,10, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,20, United-States +<=50K,27, Private,213921, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,40, Private,32214, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,212759, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,18, Private,309634, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,22, United-States +<=50K,31, Local-gov,125927, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,446839, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, Private,276515, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Cuba +<=50K,46, Private,51618, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,159937, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,44, Private,343591, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,14344,0,40, United-States +<=50K,53, Private,346253, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +>50K,49, Local-gov,268234, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,202051, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,54334, 9th,5, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Federal-gov,410867, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Private,249977, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,286730, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,212563, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,25, United-States +<=50K,30, Private,117747, HS-grad,9, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,1573,35, ? +>50K,34, Local-gov,226296, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,115585, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,48, Self-emp-not-inc,191277, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +>50K,37, Private,202683, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,171095, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, England +<=50K,32, Federal-gov,249409, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,76, Private,124191, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,198282, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,47, Self-emp-not-inc,149116, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,20, Private,188300, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,103432, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Self-emp-inc,317660, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,17, ?,304873, 10th,6, Never-married, ?, Own-child, White, Female,34095,0,32, United-States +<=50K,30, Private,194901, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,189265, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,124692, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,432376, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,38, Private,65324, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,335605, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1887,50, Canada +<=50K,28, Private,377869, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,4064,0,25, United-States +<=50K,36, Private,102864, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,95647, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-inc,303090, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,49, Local-gov,197371, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,55, Private,247552, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,56, United-States +<=50K,22, Private,102632, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +<=50K,21, Private,199915, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,118853, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,77143, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, Germany +>50K,29, State-gov,267989, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,301606, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +>50K,47, Private,287828, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,111697, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1719,28, United-States +>50K,31, Private,114937, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, ?,129305, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,365739, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,69621, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,43323, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1762,40, United-States +<=50K,38, Self-emp-not-inc,120985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,35, United-States +<=50K,37, Private,254202, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,146195, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, Black, Female,0,0,36, United-States +>50K,38, Federal-gov,125933, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,43, Self-emp-not-inc,56920, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,163127, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,20, Private,34310, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,49, Private,81973, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,61, Self-emp-inc,66614, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,232782, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,316868, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, Mexico +>50K,45, Private,196584, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,40, United-States +<=50K,70, Private,105376, Some-college,10, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Private,185814, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,0,0,30, United-States +<=50K,22, Private,175374, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,24, United-States +<=50K,36, Private,108293, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,64, Private,181232, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2179,40, United-States +<=50K,43, ?,174662, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Local-gov,186009, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, Mexico +<=50K,34, Private,198183, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,163003, Bachelors,13, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,21, Private,296158, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,52, ?,252903, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, Private,187715, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,23, Private,214542, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,494223, Some-college,10, Separated, Sales, Unmarried, Black, Male,0,1816,2, United-States +<=50K,29, Private,191535, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,42, Private,228456, Bachelors,13, Separated, Other-service, Other-relative, Black, Male,0,0,50, United-States +<=50K,68, ?,38317, 1st-4th,2, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,252752, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,78374, Masters,14, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,88419, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, England +>50K,45, Self-emp-not-inc,201080, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,207157, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,39, Federal-gov,235485, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,46, State-gov,102628, Masters,14, Widowed, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,25828, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,66, Local-gov,54826, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,124953, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,1980,40, United-States +<=50K,28, State-gov,175325, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Private,96062, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,428030, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,28, State-gov,149624, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,253814, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,21, Private,312956, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Private,483777, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,183930, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,33, Private,37274, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,44, Local-gov,181344, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,38, United-States +<=50K,43, Private,114580, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,633742, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,45, United-States +>50K,40, Private,286370, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,37, Federal-gov,29054, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,34, Private,304030, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,143129, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, ?,135105, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,99928, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,58, State-gov,109567, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,1, United-States +<=50K,38, Private,155222, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,28, United-States +<=50K,24, Private,159567, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,523910, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,120939, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,41, Federal-gov,130760, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,24, United-States +<=50K,23, Private,197387, 5th-6th,3, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, Mexico +<=50K,36, Private,99374, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Federal-gov,56795, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,55, United-States +>50K,35, Private,138992, Masters,14, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,7298,0,40, United-States +<=50K,24, Self-emp-not-inc,32921, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,397317, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,19, ?,170653, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Italy +>50K,51, Private,259323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Local-gov,254817, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,1340,40, United-States +<=50K,37, State-gov,48211, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,140164, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,128757, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,7298,0,36, United-States +<=50K,35, Private,36270, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Self-emp-inc,210563, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,15024,0,35, United-States +<=50K,17, Private,65368, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,44, Local-gov,160943, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,37, Private,208358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,153790, Some-college,10, Never-married, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,60, Private,85815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,54, Self-emp-inc,125417, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,635913, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,60, United-States +<=50K,50, Private,313321, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,182609, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Poland +<=50K,45, Private,109434, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,255004, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,197860, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,187656, 1st-4th,2, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,90, Private,51744, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,2206,40, United-States +<=50K,54, Private,176681, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,20, United-States +<=50K,53, Local-gov,140359, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,243313, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,60, ?,24215, 10th,6, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,10, United-States +<=50K,66, Self-emp-not-inc,167687, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409,0,50, United-States +<=50K,75, Private,314209, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, Columbia +<=50K,65, Private,176796, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,538583, 11th,7, Separated, Transport-moving, Not-in-family, Black, Male,3674,0,40, United-States +<=50K,41, Private,130408, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Private,159732, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,33, Private,110978, Some-college,10, Divorced, Craft-repair, Other-relative, Other, Female,0,0,40, United-States +>50K,28, Private,76714, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,59, State-gov,268700, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, State-gov,170525, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,41, Private,180138, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Iran +>50K,38, Local-gov,115076, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,115458, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,347890, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,196001, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +<=50K,24, State-gov,273905, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,119156, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,38, Private,179488, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,56, Private,203580, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, ? +>50K,58, Private,236596, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,183916, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,34, United-States +>50K,40, Private,207578, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,60, United-States +<=50K,45, Private,153141, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +>50K,41, Private,112763, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,390781, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,59, Local-gov,171328, 10th,6, Widowed, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,19, Local-gov,27382, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,259014, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +>50K,42, Self-emp-not-inc,303044, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,20, Private,117789, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,172579, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,45, Private,187666, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, Private,204518, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,150042, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,98092, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,245918, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,59, Private,146013, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,26, Private,378322, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,257295, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,75, Thailand +<=50K,19, ?,218956, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, Canada +>50K,64, Private,21174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,185480, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,222205, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,61, Private,69867, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,191260, 9th,5, Never-married, Other-service, Own-child, White, Male,1055,0,24, United-States +<=50K,50, Self-emp-not-inc,30653, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,2407,0,98, United-States +<=50K,27, Local-gov,209109, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,30, Private,70377, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,477983, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,170924, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,190174, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,193787, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,24, Private,279472, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298,0,48, United-States +<=50K,22, Private,34918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, Germany +>50K,42, Local-gov,97688, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,34, Private,175413, Assoc-acdm,12, Divorced, Sales, Unmarried, Black, Female,0,0,45, United-States +<=50K,60, Private,173960, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,42, United-States +<=50K,21, Private,205759, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,57, Federal-gov,425161, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,41, Private,220531, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,176609, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,371987, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,193884, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Ecuador +<=50K,36, Private,200352, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,127595, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Local-gov,220419, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,21, Private,231931, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,27, Private,248402, Bachelors,13, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, Private,111095, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,37, Self-emp-inc,57424, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,39, ?,157443, Masters,14, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,3464,0,40, ? +<=50K,24, Private,278130, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,169469, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,80, United-States +>50K,48, Private,146268, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,21, Private,153718, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,25, United-States +>50K,31, Private,217460, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,55, Private,238638, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4386,0,40, United-States +<=50K,24, Private,303296, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +<=50K,43, Private,173321, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,193945, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,83082, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,33, United-States +>50K,35, Private,193815, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,34987, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, United-States +<=50K,26, Private,59306, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,142897, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298,0,35, Taiwan +<=50K,19, ?,860348, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +>50K,36, Self-emp-not-inc,205607, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,22, Private,199698, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,191954, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,138714, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,399087, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,29, Private,423158, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,159841, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,39, Self-emp-not-inc,174308, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,50356, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,50, United-States +<=50K,35, Private,186110, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,200381, 11th,7, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,76, Self-emp-not-inc,174309, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,63, Self-emp-not-inc,78383, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,23, ?,211601, Assoc-voc,11, Never-married, ?, Own-child, Black, Female,0,0,15, United-States +>50K,43, Private,187728, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,50, United-States +<=50K,58, Self-emp-not-inc,321171, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,127921, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,2050,0,55, United-States +<=50K,41, Private,206565, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,45, United-States +<=50K,26, Private,224563, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,178686, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Local-gov,98545, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,242606, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,270942, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,48, Mexico +<=50K,30, Private,94235, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,71195, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,104112, HS-grad,9, Never-married, Sales, Unmarried, Black, Male,0,0,30, Haiti +<=50K,45, Private,261192, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,94936, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,296478, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,36, State-gov,119272, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +<=50K,33, Private,85043, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,22, State-gov,293364, Some-college,10, Never-married, Protective-serv, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,241895, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,67, ?,36135, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,30, ?,151989, Assoc-voc,11, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Private,101128, Assoc-acdm,12, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,25, Iran +<=50K,31, Private,156464, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +>50K,33, Private,117963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,192262, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,33, Private,111363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,329752, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,59, ?,372020, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,38, Federal-gov,95432, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,161400, 11th,7, Widowed, Other-service, Unmarried, Other, Male,0,0,40, United-States +>50K,40, Private,96129, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,111949, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,26, Self-emp-not-inc,117125, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,36, Private,348022, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +>50K,62, Private,270092, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,180609, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,43, Private,174575, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,1564,45, United-States +<=50K,22, Private,410439, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Private,92262, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,183081, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,362589, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +>50K,57, Private,212448, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,481060, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,185885, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,17, Private,89821, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +>50K,40, State-gov,184018, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,45, Private,256649, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,160323, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Local-gov,350845, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,267404, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,35633, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,80914, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,172927, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,174319, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,214955, 5th-6th,3, Divorced, Craft-repair, Not-in-family, White, Female,0,2339,45, United-States +<=50K,25, Private,344991, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,108699, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Local-gov,117312, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,396099, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Private,134152, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,162028, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2415,6, United-States +<=50K,19, Private,25429, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,19, Private,232392, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,35, Private,220098, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,301302, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Self-emp-not-inc,277946, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,34, State-gov,98101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, ? +<=50K,34, Private,196164, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,44, Private,115562, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,96975, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,20, ?,137300, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,35, United-States +>50K,25, Private,86872, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,52, Self-emp-inc,132178, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,416103, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,108574, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,50, State-gov,288353, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,227689, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,64, United-States +<=50K,28, Private,166481, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,2179,40, Puerto-Rico +>50K,41, Private,445382, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,65, United-States +<=50K,28, Private,110145, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,317253, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +>50K,28, ?,123147, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,1887,40, United-States +<=50K,32, Private,364657, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Local-gov,42346, Some-college,10, Divorced, Other-service, Not-in-family, Black, Female,0,0,24, United-States +<=50K,24, Private,241951, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,118500, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,188386, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,31, State-gov,1033222, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,92440, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,190762, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,426017, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,34, Local-gov,243867, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, State-gov,240283, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,61777, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,17, Private,175024, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,2176,0,18, United-States +>50K,32, State-gov,92003, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,188401, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,228528, 10th,6, Never-married, Craft-repair, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,133373, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,36, Federal-gov,255191, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,1408,40, United-States +<=50K,23, Private,204653, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,72, Dominican-Republic +>50K,63, Self-emp-inc,222289, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,287480, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,80, ?,107762, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,24, United-States +<=50K,17, ?,202521, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,204116, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +>50K,30, Private,29662, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,27, Private,116358, Some-college,10, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,1980,40, Philippines +>50K,33, Private,208405, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Local-gov,284843, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Black, Male,594,0,60, United-States +<=50K,34, Local-gov,117018, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,81281, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,340148, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,363425, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,45857, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,28, United-States +<=50K,24, Federal-gov,191073, HS-grad,9, Never-married, Armed-Forces, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,116632, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,405855, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,20, Private,298227, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,44, Private,290521, HS-grad,9, Widowed, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,51, Private,56915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,146538, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,258872, 11th,7, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,19, Private,206399, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,45, Self-emp-inc,197332, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,60, Private,245062, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,197583, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +>50K,44, Self-emp-not-inc,234885, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,40, Private,72887, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,30, Private,180374, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,351299, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,23, Private,54012, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, ?,115745, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,116632, Assoc-acdm,12, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,54, Local-gov,288825, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,132601, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,193374, 1st-4th,2, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,170070, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Private,126708, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +<=50K,52, Private,35598, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,33983, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,192776, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +>50K,30, Private,118551, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,16, United-States +>50K,60, Private,201965, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,22, ?,139883, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,285020, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,303990, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,67, Private,49401, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,46, Private,279196, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,211870, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,6, United-States +<=50K,22, Private,281432, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,161155, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,197904, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,33, Private,111746, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Portugal +<=50K,43, Self-emp-not-inc,170721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,28, State-gov,70100, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,41, Private,193626, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,52, ?,271749, 12th,8, Never-married, ?, Other-relative, Black, Male,594,0,40, United-States +<=50K,25, Private,189775, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,63, ?,401531, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,59, Local-gov,286967, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,45, Local-gov,164427, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,91039, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,40, Private,347934, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Federal-gov,371373, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,32220, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,187251, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,33, Private,178107, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,343121, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,36, United-States +<=50K,20, Private,262749, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,403107, 5th-6th,3, Never-married, Other-service, Own-child, White, Male,0,0,40, El-Salvador +<=50K,26, Private,64293, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,72, ?,303588, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,23, Local-gov,324960, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Poland +<=50K,62, Local-gov,114060, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,48925, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,180980, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,42, France +<=50K,25, Private,181054, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,388093, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,249609, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,8, United-States +<=50K,43, Private,112131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,543162, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,91996, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,141944, Assoc-voc,11, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,1380,42, United-States +<=50K,53, ?,251804, 5th-6th,3, Widowed, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,32, Private,37070, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,34, Private,337587, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,189346, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, ?,222216, Assoc-voc,11, Widowed, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,267044, Some-college,10, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,20, ?,214635, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, United-States +<=50K,21, ?,204226, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +>50K,34, Private,108116, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,99146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,80, United-States +>50K,50, Private,196232, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,24, Local-gov,248344, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,50, United-States +>50K,37, Local-gov,186035, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,44, Private,177905, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,58, United-States +<=50K,28, Private,85812, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,42, Private,221172, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,99183, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,9, United-States +<=50K,38, Self-emp-not-inc,190387, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,202692, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,109339, 11th,7, Divorced, Machine-op-inspct, Unmarried, Other, Female,0,0,46, Puerto-Rico +<=50K,26, Private,108658, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,197202, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,101739, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,67, Private,231559, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,48, United-States +<=50K,39, Local-gov,207853, 12th,8, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,190942, 1st-4th,2, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,0,30, United-States +<=50K,29, Private,102345, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,41493, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, ?,190027, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,210525, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,133937, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,237903, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,163862, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,201872, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,84179, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,45, United-States +<=50K,58, Private,51662, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,8, United-States +<=50K,35, Local-gov,233327, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,259510, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,36, United-States +<=50K,28, Private,184831, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,245724, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,27053, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,72, Private,205343, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,229328, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +>50K,33, Federal-gov,319560, Assoc-voc,11, Divorced, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, Private,136218, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,54576, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,323069, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, ? +<=50K,34, Private,148291, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,32, United-States +<=50K,30, Private,152453, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,114053, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +>50K,54, Private,212960, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,47, Private,264052, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,82804, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Self-emp-not-inc,334273, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,27337, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,43, Self-emp-inc,188436, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,45, United-States +<=50K,45, Private,433665, 7th-8th,4, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,29, Self-emp-not-inc,110663, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Private,87490, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,42, United-States +<=50K,24, Private,354351, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,95469, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,242718, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,12, United-States +>50K,37, Private,22463, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,158156, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +>50K,29, Private,350162, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Male,0,0,40, United-States +<=50K,18, ?,165532, 12th,8, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,36, Self-emp-not-inc,28738, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,58, Local-gov,283635, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,86646, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,65, ?,195733, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,57, Private,69884, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,199713, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,181659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,340939, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,197747, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,29, Private,34292, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, Private,156764, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,25826, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,47, United-States +<=50K,57, Self-emp-inc,103948, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,42, ?,137390, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,55, ?,105138, HS-grad,9, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,60, Private,39352, 7th-8th,4, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +>50K,31, Private,168387, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, Canada +<=50K,23, Private,117789, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,267147, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,99399, Some-college,10, Never-married, ?, Unmarried, Amer-Indian-Eskimo, Female,0,0,25, United-States +>50K,42, Self-emp-not-inc,214242, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,25, Private,200408, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,2174,0,40, United-States +<=50K,49, Private,136455, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,239824, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,217039, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,28, United-States +<=50K,60, Private,51290, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,175674, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,194404, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,45612, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +>50K,51, Private,410114, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,182521, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, Local-gov,339772, HS-grad,9, Separated, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,17, Private,169658, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,21, United-States +<=50K,52, Private,200853, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,6849,0,60, United-States +<=50K,24, Private,247564, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,249909, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,26, Local-gov,208122, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,1055,0,40, United-States +<=50K,27, Private,109881, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,207824, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +<=50K,30, Private,369027, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,50, Self-emp-not-inc,114117, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,52, Self-emp-inc,51048, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,46, Private,102388, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,23, Private,190483, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,462440, 11th,7, Widowed, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,65, Private,109351, 9th,5, Widowed, Priv-house-serv, Unmarried, Black, Female,0,0,24, United-States +<=50K,29, Private,34383, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,241832, 9th,5, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, El-Salvador +<=50K,30, Private,124187, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,60, United-States +>50K,34, Private,153614, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,38, Self-emp-not-inc,267556, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,64, United-States +>50K,33, Private,205469, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Private,268090, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,26, United-States +<=50K,47, Self-emp-not-inc,165039, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Local-gov,120451, 10th,6, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,154374, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, United-States +>50K,30, Private,103649, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,35723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,262601, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,14, United-States +<=50K,21, Private,226181, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Private,175697, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,47, Self-emp-inc,248145, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Cuba +>50K,52, Self-emp-not-inc,289436, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,75654, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Private,199378, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,160968, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,188563, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,31, Private,55849, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,50, Self-emp-inc,195322, Doctorate,16, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,402089, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,71, Private,78277, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,58, ?,158611, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,30, State-gov,169496, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,130959, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,556660, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,4101,0,50, United-States +>50K,35, Private,292472, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,38, State-gov,143774, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,27, Private,288341, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,32, United-States +<=50K,29, State-gov,71592, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,70, ?,167358, 9th,5, Widowed, ?, Unmarried, White, Female,1111,0,15, United-States +<=50K,34, Private,106742, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,219288, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,43, Private,174524, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,335183, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,261293, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,111900, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Local-gov,194360, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,20, Private,81145, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,42, Private,341204, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,8614,0,40, United-States +<=50K,27, State-gov,249362, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3411,0,40, United-States +>50K,42, Private,247019, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,20, ?,114746, 11th,7, Married-spouse-absent, ?, Own-child, Asian-Pac-Islander, Female,0,1762,40, South +<=50K,24, Private,172146, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1721,40, United-States +<=50K,48, Federal-gov,110457, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,80077, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,17, Self-emp-not-inc,368700, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,33, Private,182556, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,219420, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,240817, HS-grad,9, Never-married, Sales, Own-child, White, Female,2597,0,40, United-States +<=50K,17, Private,102726, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,32, Private,226267, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,125457, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,204021, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Local-gov,92262, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +>50K,37, Private,161141, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +>50K,34, Self-emp-not-inc,190290, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,430828, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Male,0,0,40, United-States +<=50K,18, State-gov,59342, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,5, United-States +<=50K,34, Private,136721, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, ?,149422, 7th-8th,4, Never-married, ?, Not-in-family, White, Male,0,0,4, United-States +<=50K,45, Local-gov,86644, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,41, Private,195124, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, Dominican-Republic +<=50K,26, Private,167350, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,54, Local-gov,113000, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,140027, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,45, United-States +<=50K,42, Private,262425, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,316702, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,23, State-gov,335453, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, ?,202480, Assoc-acdm,12, Never-married, ?, Other-relative, White, Male,0,0,45, United-States +>50K,35, Private,203628, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,31, Private,118710, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,30, Private,189620, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, Poland +<=50K,19, Private,475028, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,36, Local-gov,110866, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,243605, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,1380,40, Cuba +<=50K,21, Private,163870, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,31, Self-emp-not-inc,80145, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,295566, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,25236,0,65, United-States +>50K,44, Private,63042, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,40, Private,229148, 12th,8, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Jamaica +<=50K,45, Private,242552, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,60, Private,177665, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,208103, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,28, Private,296450, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,70282, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,271767, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,40, Private,144995, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,4386,0,40, United-States +<=50K,36, Local-gov,382635, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, Honduras +<=50K,31, Private,295697, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,194141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,378418, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,214399, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,34, Private,217460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,182556, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,125831, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,60, United-States +<=50K,29, Private,271328, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +>50K,50, Local-gov,50459, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,42, Private,162140, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +>50K,43, Private,177937, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,44, Private,111502, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,299047, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,31, Private,223212, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,65, Self-emp-not-inc,118474, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,59, ? +<=50K,23, Private,352139, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,55, Private,173093, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,26, Private,181655, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2377,45, United-States +<=50K,25, Private,332702, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,45, ?,51164, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,234901, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,36, Private,131414, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,36, United-States +<=50K,43, State-gov,260960, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,156052, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,594,0,20, United-States +>50K,42, Private,279914, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,192453, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,55, Self-emp-not-inc,200939, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +>50K,42, Private,151408, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,50, United-States +<=50K,26, Private,112847, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,316929, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,42, Local-gov,126319, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,55, Private,197422, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +<=50K,32, Private,267736, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,267034, 11th,7, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, Haiti +<=50K,46, State-gov,193047, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +>50K,29, State-gov,356089, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,22, Private,223515, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,20, United-States +<=50K,58, Self-emp-not-inc,87510, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,145111, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,39, Private,48093, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,31757, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,38, United-States +>50K,54, Private,285854, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,120064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,46, Federal-gov,167381, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,103408, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,101460, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,59, Local-gov,420537, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,34, Local-gov,119411, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,40, Portugal +>50K,53, Self-emp-inc,128272, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,51, Private,386773, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,32, Private,283268, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,42, United-States +<=50K,31, State-gov,301526, Some-college,10, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,151790, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, Germany +<=50K,47, Self-emp-not-inc,106252, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,32, Private,188557, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,171114, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,38, United-States +<=50K,37, Private,327323, 5th-6th,3, Separated, Farming-fishing, Not-in-family, White, Male,0,0,32, Guatemala +<=50K,31, Private,244147, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,55, United-States +>50K,37, Private,280282, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,55, Private,116442, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, Local-gov,282579, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,56, United-States +<=50K,36, Private,51838, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,73585, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,43, Private,226902, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,279129, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,146908, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,28, Private,196690, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,1669,42, United-States +>50K,40, Private,130760, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,49572, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,40, Private,237601, Bachelors,13, Never-married, Sales, Not-in-family, Other, Female,0,0,55, United-States +<=50K,42, Private,169628, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,38, United-States +<=50K,61, Self-emp-not-inc,36671, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2352,50, United-States +<=50K,18, Private,231193, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,59, ?,192130, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,21, ?,149704, HS-grad,9, Never-married, ?, Not-in-family, White, Female,1055,0,40, United-States +>50K,48, Private,102102, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-inc,32185, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,196061, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,33, United-States +<=50K,23, Private,211046, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,2463,0,40, United-States +>50K,60, Private,31577, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,162343, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,61, Private,128831, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,316688, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, Private,90758, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +>50K,43, Private,274363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, England +<=50K,43, Private,154538, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,106085, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,1721,30, United-States +<=50K,68, Self-emp-not-inc,315859, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +<=50K,31, Private,51471, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,17, Private,193830, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,32, Private,231043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,48, United-States +<=50K,50, ?,23780, Masters,14, Married-spouse-absent, ?, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,169879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,47, United-States +>50K,64, Private,270333, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138768, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,30, Private,191571, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,36, United-States +<=50K,22, ?,219941, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Private,94113, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,137510, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,32607, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,47, Self-emp-not-inc,93208, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,75, Italy +<=50K,41, Private,254440, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,56, Private,186556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,169871, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,47, Private,191277, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,167159, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,171871, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,46, United-States +<=50K,29, Private,154411, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,129227, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,110331, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,60, United-States +>50K,57, Private,34269, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,653,42, United-States +<=50K,62, Private,174355, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,680390, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,24, United-States +<=50K,43, Private,233130, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,24, Self-emp-inc,165474, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, ?,257780, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +>50K,53, Private,194259, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386,0,40, United-States +<=50K,26, Private,280093, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,177387, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,28929, 11th,7, Widowed, ?, Not-in-family, White, Female,0,0,24, United-States +<=50K,55, Private,105304, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,499233, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,180572, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,321435, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,63, Private,86108, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,6, United-States +<=50K,17, Private,198124, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,135162, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,51, Private,146813, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,291175, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +>50K,55, Private,387569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,43, Private,102895, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Local-gov,33274, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Private,86551, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,138192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,118966, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,18, United-States +>50K,61, Private,99784, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,90980, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,46, Self-emp-not-inc,177407, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,96467, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,48, State-gov,327886, Doctorate,16, Divorced, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,34, Private,111567, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,34, Local-gov,166545, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,142182, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,188798, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,38563, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,56, United-States +<=50K,18, Private,216284, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,43, Private,191547, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,48, Private,285335, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Self-emp-inc,142712, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,80945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,309055, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,21, Private,62339, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,368700, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,28, United-States +>50K,39, Private,176186, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,266855, Bachelors,13, Separated, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,48087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,121313, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +>50K,71, Self-emp-not-inc,143437, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,10605,0,40, United-States +>50K,51, Self-emp-not-inc,160724, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,2415,40, China +<=50K,55, Private,282753, 5th-6th,3, Divorced, Other-service, Unmarried, Black, Male,0,0,25, United-States +>50K,41, Private,194636, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,153044, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,7, United-States +<=50K,38, Private,411797, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,117683, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,376540, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,72393, 9th,5, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,270335, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,40, Philippines +<=50K,27, Private,96226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +>50K,38, Private,95336, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,258498, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,60, United-States +<=50K,63, ?,149698, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,23, Private,205865, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,28, United-States +<=50K,33, Self-emp-inc,155781, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, ? +<=50K,54, Self-emp-not-inc,406468, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,177119, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,2174,0,45, United-States +<=50K,48, ?,144397, Some-college,10, Divorced, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,35, Self-emp-not-inc,372525, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,164170, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, India +>50K,37, Private,183800, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,42, Self-emp-not-inc,177307, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,170108, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,341995, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,22, Private,226508, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +>50K,30, Private,87418, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,109165, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,28856, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,51, Self-emp-not-inc,175897, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,22, Private,99697, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,27, ?,90270, Assoc-acdm,12, Married-civ-spouse, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,152375, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,171550, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +<=50K,37, Private,211154, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,52, United-States +<=50K,24, Private,202570, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,15, United-States +<=50K,37, Self-emp-not-inc,168496, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,53, Private,68898, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,93235, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,278924, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,53, Self-emp-not-inc,311020, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,175878, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,543028, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +>50K,39, Private,202027, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,43, Private,158926, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,50, South +>50K,67, Self-emp-inc,76860, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,81, Self-emp-not-inc,136063, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,186648, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,257509, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,25, Private,98155, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,274198, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,38, Mexico +<=50K,38, Private,97083, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,64, ?,29825, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,32, Private,262153, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,214738, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Private,138022, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,91842, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,42, United-States +<=50K,33, Private,373662, 1st-4th,2, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,42, Private,162003, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, ?,52114, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,51, Local-gov,241843, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,375871, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +>50K,37, Private,186934, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,44, United-States +>50K,37, Private,176900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +<=50K,47, Private,21906, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +>50K,41, Private,132222, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,40, United-States +<=50K,33, Private,143653, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,31, Private,111567, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,78602, Assoc-acdm,12, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Private,465507, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,38, Self-emp-inc,196373, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,293227, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Private,241752, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,166398, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,40, Private,184682, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,36, Self-emp-inc,108293, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,45, United-States +<=50K,43, Private,250802, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,44, Self-emp-not-inc,325159, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,44, State-gov,174675, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,43, Private,227065, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,51, Private,269080, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,177722, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,51, Private,133461, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,239683, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, ? +>50K,44, Self-emp-inc,398473, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,33, Local-gov,298785, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,123424, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, Private,176286, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,150062, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,169240, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, Private,288273, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, Mexico +<=50K,36, Private,526968, 10th,6, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,57066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,323573, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,35, Self-emp-inc,368825, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,55, Self-emp-not-inc,189721, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,48, Private,164966, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,36, ?,94954, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,34, Private,202046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,161538, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,35, United-States +>50K,67, Private,105252, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Male,0,2392,40, United-States +<=50K,37, Private,200153, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,32185, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,70, United-States +<=50K,25, Private,178326, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,255957, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,4101,0,40, United-States +>50K,40, State-gov,188693, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,78, Private,182977, HS-grad,9, Widowed, Other-service, Not-in-family, Black, Female,2964,0,40, United-States +<=50K,34, Private,159929, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,123207, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +<=50K,22, Private,284317, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, ?,184699, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,154474, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,42, United-States +>50K,45, Local-gov,318280, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,254907, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Private,349221, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,35, United-States +<=50K,47, Private,335973, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,126701, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Private,122159, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,3325,0,40, United-States +<=50K,46, Private,187370, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1504,40, United-States +<=50K,41, Private,194636, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,124793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,47, Private,192835, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,290226, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,56, Private,112840, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,89325, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,48, Federal-gov,33109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,58, United-States +<=50K,40, Private,82465, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +>50K,39, Self-emp-inc,329980, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,148294, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,168212, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,65, United-States +>50K,38, State-gov,343642, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Local-gov,115244, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,31, Private,162572, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,58, Private,356067, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,271567, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Self-emp-inc,180804, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,123011, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,52, United-States +<=50K,26, Private,109186, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,51, Private,220537, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,124827, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,767403, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +>50K,42, Private,118494, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,173208, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,48, Private,107373, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,33, Private,26973, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,191965, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,22, Private,122346, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,117201, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,41, Private,198316, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, Japan +>50K,48, Local-gov,123075, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,209370, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,33117, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,129042, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,56, Private,169133, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Yugoslavia +<=50K,30, Private,201624, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,45, ? +>50K,45, Private,368561, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,207848, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,138370, Masters,14, Married-spouse-absent, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +<=50K,31, Private,93106, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, State-gov,223515, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,1719,20, United-States +<=50K,27, Private,389713, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,206365, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,76, ?,431192, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,19, ?,241616, HS-grad,9, Never-married, ?, Unmarried, White, Male,0,2001,40, United-States +<=50K,66, Self-emp-inc,150726, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,1409,0,1, ? +<=50K,37, Private,123785, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,75, United-States +<=50K,34, Private,289984, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,34, ?,164309, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,90, Private,137018, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,137994, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,341204, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,167005, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,24, Private,34446, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,37, United-States +<=50K,28, Private,187160, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,0,0,55, United-States +<=50K,64, ?,196288, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,217961, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,74631, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,36, Private,156667, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,61, Private,125155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,263925, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Canada +>50K,30, Private,296453, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +>50K,52, Self-emp-not-inc,44728, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,193026, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, Iran +<=50K,32, Private,87643, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,106742, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,41, Private,302122, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Local-gov,193960, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,45, Private,185385, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,43, Self-emp-not-inc,277647, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,61, Private,128848, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471,0,40, United-States +<=50K,54, Private,377701, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, Mexico +<=50K,34, Private,157886, Assoc-acdm,12, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,175958, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,38, Private,223004, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,199352, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,80, United-States +<=50K,36, Private,29984, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,181651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,117312, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Local-gov,34029, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,38, Private,132879, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +>50K,37, Private,215310, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,48, State-gov,55863, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,46, United-States +<=50K,17, Private,220384, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,19, Self-emp-not-inc,36012, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,137645, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,1590,40, United-States +<=50K,22, Private,191342, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,50, Taiwan +<=50K,49, Private,31339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,227910, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,173728, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Local-gov,167816, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,58, Self-emp-not-inc,81642, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,41, Local-gov,195258, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,232475, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,241259, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,118161, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,201954, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +>50K,42, Private,150533, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,52, United-States +<=50K,38, Private,412296, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,28, United-States +>50K,41, Federal-gov,133060, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,120539, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,196025, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,60, China +<=50K,34, Private,107793, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,163870, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,361280, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,20, India +<=50K,62, Private,92178, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,80710, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,29, Self-emp-inc,260729, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,1977,25, United-States +<=50K,43, Private,182254, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,68, ?,140282, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,45, Self-emp-inc,149865, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,39, Self-emp-inc,218184, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1651,40, Mexico +<=50K,41, Private,118619, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +>50K,34, Self-emp-not-inc,196791, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, United-States +<=50K,34, Local-gov,167999, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,33, United-States +<=50K,31, Private,51259, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,47, United-States +<=50K,29, Private,131088, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,41, Private,118212, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,41, Private,293791, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,35, Self-emp-inc,289430, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Mexico +>50K,33, Private,35378, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,37, State-gov,60227, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,69, Private,168139, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,290763, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,60, Self-emp-inc,226355, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2415,70, ? +<=50K,36, Private,51100, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,227644, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,58, Local-gov,205267, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,53, Private,288020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,29, Private,140863, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,45, Federal-gov,170915, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,4865,0,40, United-States +<=50K,34, State-gov,50178, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,36, Private,112497, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,95244, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,20, Private,117606, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,89508, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,63, Federal-gov,124244, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,154374, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,45, United-States +<=50K,28, Private,294936, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,347132, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, ?,181934, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,316672, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,37, Private,189382, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,42, ?,184018, Some-college,10, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +>50K,31, Private,184307, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Jamaica +>50K,46, Self-emp-not-inc,246212, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, Federal-gov,250504, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,60, United-States +<=50K,27, Private,138705, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,53, United-States +<=50K,41, Private,328447, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,19, Private,194608, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,230891, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,59, Federal-gov,212448, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, Germany +<=50K,40, Private,214010, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,56, Self-emp-not-inc,200235, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,33, Private,354573, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,44, United-States +<=50K,30, Self-emp-inc,205733, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,46, Private,185041, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,61, Self-emp-inc,84409, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,50, Self-emp-inc,293196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,25, Private,241626, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,40, Private,520586, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,39, United-States +<=50K,24, ?,35633, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, ? +<=50K,51, Private,302847, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, United-States +<=50K,43, State-gov,165309, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,117529, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, Mexico +>50K,46, Private,106092, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,28, State-gov,445824, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,26, Private,227332, Bachelors,13, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,20, Private,275691, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,44, Private,193459, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +<=50K,51, Private,284329, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,114691, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,54, Private,96062, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,50, Private,133963, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,40, United-States +<=50K,33, Private,178506, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,65, Private,350498, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,10605,0,20, United-States +<=50K,22, ?,131573, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,88, Self-emp-not-inc,206291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,182302, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,241346, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,50, Private,157043, 11th,7, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,25, Private,404616, Masters,14, Married-civ-spouse, Farming-fishing, Not-in-family, White, Male,0,0,99, United-States +<=50K,20, Private,411862, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,183013, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,58, ?,169982, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,188544, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,50, State-gov,356619, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,45857, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Local-gov,289886, 11th,7, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +>50K,50, ?,146015, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,40, Private,216237, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,416745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,202952, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,167725, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, ?,165637, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,43280, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,65, Private,118779, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,24, State-gov,191269, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,65, United-States +<=50K,27, Local-gov,247507, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,51, Private,239155, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,182862, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,33886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,444304, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,187161, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,49, Local-gov,116892, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Local-gov,176813, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,151616, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,240747, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,50, Private,75472, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, ? +>50K,45, Federal-gov,320818, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,80, United-States +>50K,30, Local-gov,235271, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,166497, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,44, Private,344060, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,221196, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,61, Self-emp-inc,113544, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,321117, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Private,79619, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,22, ?,42004, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,36, Private,135289, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,44, Self-emp-inc,320984, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,60, United-States +<=50K,37, Private,203070, Some-college,10, Separated, Adm-clerical, Own-child, White, Male,0,0,62, United-States +<=50K,31, Private,32406, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,20, United-States +>50K,54, Private,99185, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,20, Private,205839, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,63, ?,150389, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,243631, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7688,0,40, United-States +<=50K,33, ?,163003, HS-grad,9, Divorced, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,41, China +<=50K,31, Private,231263, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,4650,0,45, United-States +>50K,38, Private,200818, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,247379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,349151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,22154, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,176317, HS-grad,9, Widowed, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,22245, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, ? +<=50K,29, Private,236436, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,354078, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-not-inc,166813, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,358740, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, England +<=50K,75, Self-emp-not-inc,208426, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,46, Private,265266, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,52, Federal-gov,31838, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,175034, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,413297, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,106347, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,42, United-States +<=50K,23, Private,174754, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,441454, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,41, Self-emp-not-inc,209344, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,40, Cuba +<=50K,31, Private,185732, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,42, Private,65372, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,33975, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,326297, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, State-gov,194630, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,167414, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,59, United-States +<=50K,38, Local-gov,165799, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,12, United-States +<=50K,62, Private,192866, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,54, Self-emp-inc,166459, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,49, Private,148995, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,190040, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,209432, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,51, Self-emp-inc,229465, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,48, Self-emp-not-inc,397466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,283767, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +<=50K,52, Federal-gov,202452, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,28, Self-emp-not-inc,218555, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,1762,40, United-States +<=50K,29, Private,128604, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,38, Private,65466, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,57, Private,141326, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,43, Federal-gov,369468, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,136137, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,236770, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Private,89534, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,69, ?,195779, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,1, United-States +<=50K,73, Private,29778, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,22, Self-emp-inc,153516, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,31, Private,163594, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,38, Private,189623, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,50, Self-emp-not-inc,343748, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,37, Private,387430, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,37, United-States +<=50K,44, Local-gov,409505, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,200734, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,27, Private,115831, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,150296, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,80, United-States +<=50K,25, Private,323545, HS-grad,9, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,232577, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,51, Local-gov,152754, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,129007, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +>50K,67, Private,171584, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,6514,0,7, United-States +<=50K,47, Private,386136, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,342865, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,186785, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1876,50, United-States +>50K,42, Federal-gov,158926, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,65, ?,36039, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,164019, Some-college,10, Never-married, Farming-fishing, Own-child, Black, Male,0,0,10, United-States +>50K,50, Private,88926, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178,0,40, United-States +<=50K,46, Private,188861, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,370119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,57, Private,182062, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,37238, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,50, Private,421132, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,178660, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,795830, 1st-4th,2, Widowed, Other-service, Unmarried, White, Female,0,0,30, El-Salvador +<=50K,39, Private,278403, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,46, Private,279661, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,36, Private,113397, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,280093, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,50, United-States +<=50K,21, Private,236696, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,57, United-States +<=50K,41, Private,265266, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,34935, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,58222, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,301010, Some-college,10, Never-married, Armed-Forces, Not-in-family, Black, Male,0,0,60, United-States +<=50K,29, Private,419721, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Japan +>50K,58, Self-emp-inc,186791, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,180686, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,209103, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,37, Private,32668, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,29, Private,256956, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,202203, 5th-6th,3, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,43, Private,85995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,49, Private,125421, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,283037, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,192932, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,244689, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,51, Private,179646, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,509350, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, Canada +<=50K,24, Private,96279, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,119098, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,35, ?,327120, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,55, United-States +>50K,41, State-gov,144928, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Private,55237, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,61, Local-gov,101265, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,1471,0,35, United-States +<=50K,20, Private,114874, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,27, Private,190525, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Private,121912, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +>50K,39, Private,83893, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,138507, 10th,6, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,47, Private,256522, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +>50K,52, Private,168381, HS-grad,9, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +<=50K,24, Private,293579, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,29, Private,285290, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,188488, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Private,324469, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,275244, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,35, United-States +<=50K,57, Private,265099, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,51, Private,146767, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,40681, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,3674,0,16, United-States +<=50K,39, Private,174938, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,240124, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,269708, Bachelors,13, Divorced, Tech-support, Own-child, White, Female,2329,0,16, United-States +<=50K,38, State-gov,34180, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,225904, Prof-school,15, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,57, Private,89392, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,46857, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, State-gov,105363, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,195105, HS-grad,9, Never-married, Sales, Not-in-family, Other, Male,0,0,40, United-States +<=50K,35, Private,184117, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,61, Self-emp-inc,134768, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,17, ?,145886, 11th,7, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,36, Private,153078, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, ? +<=50K,62, ?,225652, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,3411,0,50, United-States +>50K,34, Private,467108, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Self-emp-inc,199765, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,42, Private,173938, HS-grad,9, Separated, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,191161, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,132606, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,30073, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1848,60, United-States +<=50K,40, Private,155190, 10th,6, Never-married, Craft-repair, Other-relative, Black, Male,0,0,55, United-States +<=50K,31, Private,42900, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,37, United-States +<=50K,36, Private,191161, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,181820, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,105974, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +>50K,52, Private,146378, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,103440, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,51, Private,203435, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, Italy +<=50K,31, Federal-gov,168312, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,257764, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,171301, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,53, Federal-gov,225339, Some-college,10, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,152234, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,40, Japan +<=50K,20, Private,444554, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,403788, Assoc-acdm,12, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,61, ?,190997, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,43, Private,221550, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,30, Poland +<=50K,46, Self-emp-inc,98929, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,43, Local-gov,169203, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,41, Private,102332, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,230684, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,54, Private,449257, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,65, Private,198766, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,32, Private,97429, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Canada +<=50K,25, Private,208999, Some-college,10, Separated, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,37072, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Local-gov,163101, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,119075, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,37, Self-emp-not-inc,137314, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,127303, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,37, Private,349116, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,44, United-States +>50K,40, Self-emp-not-inc,266324, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Male,0,1564,70, Iran +<=50K,19, ?,194095, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,46496, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,5, United-States +<=50K,27, Private,29904, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Local-gov,289403, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1887,40, ? +<=50K,59, Private,226922, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,1762,30, United-States +<=50K,19, Federal-gov,234151, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Private,238287, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,42, Private,230624, 10th,6, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,54, Private,398212, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,5013,0,40, United-States +<=50K,54, Self-emp-not-inc,114758, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,246519, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2105,0,45, United-States +>50K,50, Private,137815, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,260696, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,325007, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, United-States +<=50K,50, Private,113176, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,66815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, ?,51795, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,32, United-States +>50K,24, Private,241523, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,30226, 11th,7, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +>50K,39, Local-gov,352628, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,50, United-States +<=50K,37, Private,143912, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,130021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,329778, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,196945, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,78, Thailand +>50K,39, Private,24342, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Private,34368, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,52, Self-emp-not-inc,173839, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, State-gov,73211, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,32, Private,86723, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,52, United-States +>50K,31, Private,179186, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,90, United-States +>50K,31, Private,127610, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,115070, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,172582, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,256202, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,202872, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,41, Private,184102, 11th,7, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Federal-gov,130703, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,134727, 11th,7, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,43, Germany +>50K,45, Self-emp-inc,36228, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386,0,35, United-States +<=50K,39, Private,297847, 9th,5, Married-civ-spouse, Other-service, Wife, Black, Female,3411,0,34, United-States +<=50K,19, Private,213644, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,173796, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,49, Private,147322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Peru +<=50K,59, Private,296253, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,180871, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,169882, Some-college,10, Never-married, ?, Own-child, White, Female,594,0,15, United-States +<=50K,35, State-gov,211115, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,183870, 10th,6, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,441620, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,43, Mexico +>50K,36, Federal-gov,218542, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,141327, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +>50K,47, Private,67716, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,175339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,60, United-States +<=50K,61, ?,347089, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,36, Private,336595, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,27997, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,145574, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1902,60, United-States +<=50K,50, Private,30447, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,256866, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,40, United-States +<=50K,44, Self-emp-not-inc,120837, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,66, United-States +>50K,51, Private,185283, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,44, Self-emp-inc,229466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,298225, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, Private,185749, 11th,7, Widowed, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,17, ?,333100, 10th,6, Never-married, ?, Own-child, White, Male,1055,0,30, United-States +>50K,49, Self-emp-inc,125892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Private,563883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,56, Private,311249, HS-grad,9, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Private,221757, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,45, United-States +<=50K,22, Private,310152, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, ?,211453, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,2, United-States +>50K,41, Self-emp-inc,94113, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,48, Self-emp-inc,192945, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,46, Private,161508, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,30, Private,177675, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,51100, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,100584, 10th,6, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,70, Federal-gov,163003, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,67728, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,45, United-States +<=50K,49, Private,101320, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,75, United-States +<=50K,24, Private,42706, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +>50K,40, Private,228535, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,36, United-States +>50K,61, Private,120939, Prof-school,15, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,5, United-States +<=50K,25, Private,98283, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Local-gov,216481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, State-gov,208869, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,11, United-States +<=50K,22, Private,207940, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,36, United-States +<=50K,47, Private,34248, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,38, Private,83727, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,48, United-States +<=50K,26, Private,183077, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,197850, 11th,7, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,24, United-States +<=50K,33, Self-emp-not-inc,235271, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,43, Self-emp-not-inc,35236, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,255822, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,263925, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,26, Private,256263, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +>50K,43, Local-gov,293535, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,209448, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105,0,40, Mexico +<=50K,30, Private,57651, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,2001,42, United-States +<=50K,25, Private,174592, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,57, Federal-gov,278763, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,175232, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,32, Private,402812, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,101150, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,41, United-States +>50K,45, Private,103538, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, State-gov,156877, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,35, United-States +<=50K,27, Private,23940, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,28, Self-emp-inc,210295, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,80058, 11th,7, Divorced, Sales, Not-in-family, White, Male,0,0,43, United-States +<=50K,35, Private,187119, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,1980,65, United-States +>50K,36, Self-emp-not-inc,105021, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,225775, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,395831, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,49, Private,50282, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325,0,45, United-States +<=50K,20, Private,32732, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,64, Self-emp-inc,179436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,60, ?,290593, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,123253, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,58, State-gov,48433, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,245317, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,431745, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,14, United-States +<=50K,42, State-gov,436006, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,224943, Some-college,10, Married-spouse-absent, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,167990, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,65, United-States +>50K,37, Self-emp-inc,217054, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,66, Self-emp-not-inc,298834, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Self-emp-inc,125000, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +<=50K,44, Private,123983, Bachelors,13, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +>50K,46, Private,155489, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,58, United-States +<=50K,59, Private,284834, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,2885,0,30, United-States +<=50K,25, Private,212495, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,1340,40, United-States +<=50K,17, Local-gov,32124, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,9, United-States +<=50K,47, Local-gov,246891, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,47, State-gov,141483, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,31985, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,170800, Some-college,10, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,26, Local-gov,166295, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,2339,55, United-States +<=50K,20, Private,231286, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,15, United-States +<=50K,33, Private,159322, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,48, Private,176026, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,118025, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,37, Private,26898, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,12, United-States +<=50K,47, Private,232628, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,40, Private,85995, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Private,125421, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,245305, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,42, United-States +<=50K,50, Private,73493, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,197058, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,122116, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,75742, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,214731, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,265954, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, State-gov,197156, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,62, Private,162245, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1628,70, United-States +<=50K,39, Local-gov,203070, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Local-gov,165695, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,473040, 5th-6th,3, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,168107, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,163494, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,180342, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,122381, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +<=50K,27, Private,148069, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,200973, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,130806, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,56, Private,117148, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,213977, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,62, Private,134768, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, ? +<=50K,44, Private,139338, 12th,8, Divorced, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,23, Private,315877, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,41, Self-emp-not-inc,195124, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, ? +<=50K,25, Private,352057, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,21, Private,236684, Some-college,10, Never-married, Other-service, Other-relative, Black, Female,0,0,8, United-States +<=50K,18, Private,208447, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,6, United-States +<=50K,45, Private,149640, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,75, ?,111177, Bachelors,13, Widowed, ?, Not-in-family, White, Female,25124,0,16, United-States +<=50K,51, Private,154342, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,141459, HS-grad,9, Separated, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,47, Private,111797, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, Outlying-US(Guam-USVI-etc) +<=50K,29, Private,111900, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,78707, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Local-gov,160574, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,174714, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,19, ?,62534, Bachelors,13, Never-married, ?, Own-child, Black, Female,0,0,40, Jamaica +>50K,44, Private,216907, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,24, Private,198148, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,124265, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,49, ?,261059, 10th,6, Separated, ?, Own-child, White, Male,2176,0,40, United-States +<=50K,52, Private,208137, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,257250, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,52, United-States +<=50K,24, State-gov,147253, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Local-gov,244268, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,72, ?,213255, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +>50K,26, Private,266912, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,169104, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,29, Private,200511, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,39, Private,128715, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,10520,0,40, United-States +<=50K,48, Self-emp-not-inc,65535, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,40, Private,103395, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,71046, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, Scotland +<=50K,28, Self-emp-not-inc,125442, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,169188, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,121471, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,207281, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +<=50K,26, Local-gov,46097, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,206671, Some-college,10, Never-married, ?, Own-child, White, Male,1055,0,50, United-States +>50K,55, Private,98361, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, ? +<=50K,38, Self-emp-not-inc,322143, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +>50K,33, Private,149184, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Local-gov,119829, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +<=50K,37, Private,910398, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,176570, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,24, Private,216129, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,27207, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,57, State-gov,68830, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, State-gov,178818, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,57, Private,236944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,46, State-gov,273771, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,318533, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,35, ?,451940, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,47, Private,102318, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,379350, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,21095, Some-college,10, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,58, Self-emp-not-inc,211547, 12th,8, Divorced, Sales, Not-in-family, White, Female,0,0,52, United-States +>50K,36, Private,85272, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,45, Private,46406, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, England +>50K,54, Private,53833, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,161007, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,60, Private,53707, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,370119, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,26, Private,310907, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +<=50K,32, Private,375833, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,38, Local-gov,107513, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-not-inc,58683, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,44, Self-emp-not-inc,179557, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,37, Private,70240, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,44, Private,147206, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175548, HS-grad,9, Never-married, Other-service, Not-in-family, Other, Female,0,0,35, United-States +>50K,61, Self-emp-not-inc,163174, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,126010, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,147876, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,15024,0,60, United-States +<=50K,45, Private,428350, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,1740,40, United-States +<=50K,36, ?,200904, Assoc-acdm,12, Married-civ-spouse, ?, Wife, Black, Female,0,0,21, Haiti +<=50K,39, Private,328466, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,2407,0,70, Mexico +<=50K,67, Local-gov,258973, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,24, United-States +>50K,40, State-gov,345969, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,127796, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +<=50K,37, Private,405723, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,57, Private,175942, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,284196, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,89718, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,2202,0,48, United-States +>50K,34, Self-emp-inc,175761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,54, Private,206369, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,50, United-States +<=50K,52, Private,158993, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,38, United-States +>50K,42, Private,285066, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,48, Private,126754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,65, State-gov,209280, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,6514,0,35, United-States +<=50K,55, Self-emp-not-inc,52888, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,10, United-States +>50K,71, Self-emp-inc,133821, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,33, Private,240763, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,39054, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,119272, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,59, Private,143372, 10th,6, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,323421, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,36, Self-emp-not-inc,136028, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,26, Self-emp-not-inc,163189, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,34, Local-gov,202729, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,41, Private,421871, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, Italy +<=50K,26, ?,211798, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,198901, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,214617, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,16, United-States +<=50K,55, Self-emp-not-inc,179715, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,18, United-States +<=50K,49, Local-gov,107231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,40, United-States +>50K,44, Private,110355, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,184378, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,273454, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Cuba +<=50K,44, Private,443040, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,39, ?,71701, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +>50K,50, Self-emp-inc,160151, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,107991, 11th,7, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,52, Private,94391, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,99835, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,44, Private,43711, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,43, Private,83756, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,51, Private,120914, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2961,0,40, United-States +<=50K,20, Private,180052, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,47, Private,170846, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Italy +<=50K,43, Private,37937, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,64, ?,168340, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,24, Private,38455, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,128059, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,420895, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,166744, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,12, United-States +<=50K,26, Private,238768, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,43, Private,176270, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,50, Private,140592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,20, Self-emp-not-inc,211466, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,80, United-States +>50K,37, Private,188540, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,43, Private,39581, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,45, United-States +>50K,37, Private,171150, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,53, Private,117496, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,36, Canada +>50K,44, Private,145160, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,28520, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,103851, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,1055,0,20, United-States +<=50K,19, Private,375077, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +>50K,53, State-gov,281590, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,44, Private,151504, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,51, Private,415287, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1902,40, United-States +<=50K,49, Private,32212, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,43, United-States +<=50K,35, Private,123606, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,202565, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Private,177927, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,256723, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,18, Private,46247, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,266926, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,112031, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, ?,376277, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,168817, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Private,187487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,32, ?,158784, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,67222, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,45, China +>50K,43, Private,201723, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,73, Private,267408, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,15, United-States +<=50K,47, Federal-gov,168191, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,49, Private,105444, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,39, United-States +>50K,38, Private,156728, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,148600, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,19914, Some-college,10, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,42, Private,190767, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Private,233955, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, China +>50K,35, Private,30381, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,187069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,367314, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,101119, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +>50K,38, Private,86551, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,48, United-States +>50K,40, Local-gov,218995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,57711, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,44, Private,303521, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,199067, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,247445, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,49, Private,186078, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,31, Private,77634, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,24, Private,180060, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,6849,0,90, United-States +<=50K,46, Private,56482, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,314177, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,239755, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,27, Private,377680, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,64, Self-emp-not-inc,134960, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,35, United-States +<=50K,26, Private,294493, Bachelors,13, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,32616, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1719,16, United-States +>50K,45, Private,182655, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,45, ? +<=50K,57, Local-gov,52267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +>50K,30, Private,117963, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,98881, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,32, United-States +<=50K,50, Private,196963, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,166988, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,193459, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,182342, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,32, Private,496743, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,154781, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,219371, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Private,99179, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,224910, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,304651, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Private,349689, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,106850, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Self-emp-not-inc,196328, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +<=50K,25, Private,169323, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,162924, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,40, Self-emp-not-inc,34037, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,51, ?,167651, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,197384, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,42, Private,251795, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,65, ?,266081, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,165309, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,215873, 10th,6, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,45, United-States +>50K,46, Private,133938, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,27828,0,50, United-States +>50K,49, Private,159816, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,20, United-States +<=50K,24, Private,228424, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,32, Private,195576, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,105200, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,6767,0,20, United-States +>50K,26, Private,167350, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,29, Private,52199, HS-grad,9, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,171338, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,51, Private,120173, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,50, United-States +<=50K,17, ?,158762, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,49, Private,169818, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,31, Private,288419, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,207546, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,147707, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Male,0,2339,40, United-States +<=50K,17, ?,228373, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,193882, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +>50K,38, Private,31033, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,37, Private,272950, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,183523, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,238415, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,19302, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,2202,0,38, United-States +>50K,42, Local-gov,339671, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,8614,0,45, United-States +>50K,35, Local-gov,103260, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +>50K,39, Private,79331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, United-States +<=50K,40, Private,135056, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,66, Private,142723, 5th-6th,3, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0,0,40, Puerto-Rico +<=50K,30, Federal-gov,188569, 9th,5, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,57322, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,178309, 9th,5, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,166107, Masters,14, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Private,53042, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Trinadad&Tobago +>50K,33, Private,155343, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +<=50K,32, Private,35595, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,429507, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,50, Federal-gov,159670, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,151210, 7th-8th,4, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,186792, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,204640, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,87205, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +>50K,38, Self-emp-inc,112847, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,41, Private,107306, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,40, United-States +<=50K,50, State-gov,211319, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,59, Private,183606, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,205390, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,49, United-States +<=50K,73, Local-gov,232871, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,2228,0,10, United-States +<=50K,52, Self-emp-inc,101017, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +<=50K,57, Private,114495, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,35, Private,183898, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,51, Private,163921, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,22, Private,311764, 11th,7, Widowed, Sales, Own-child, Black, Female,0,0,35, United-States +>50K,49, Private,188330, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,267174, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,46, Local-gov,36228, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,48, Private,199739, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,185407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +>50K,43, State-gov,206139, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,282063, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,332379, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,418324, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,36, United-States +<=50K,19, ?,263338, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,45, United-States +>50K,51, Private,158948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,51, Private,221532, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,22, Self-emp-not-inc,202920, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,99999,0,40, Dominican-Republic +<=50K,37, Local-gov,118909, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,19, Private,286469, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,45, Private,191914, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,55, United-States +<=50K,21, State-gov,142766, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,52, Private,198744, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Local-gov,272780, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,42, State-gov,219553, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,56, Private,261232, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,64292, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,312131, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,30713, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,246439, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,338105, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,23, Private,228243, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,34, Local-gov,62463, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,40, United-States +<=50K,38, Private,31603, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,165054, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,121618, 7th-8th,4, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,45, Federal-gov,273194, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,3325,0,40, United-States +<=50K,21, ?,163665, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,538319, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Puerto-Rico +<=50K,34, Private,238246, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Self-emp-inc,244665, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,45, United-States +<=50K,21, Private,131811, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,63, ?,231777, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,156807, 9th,5, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,36, United-States +<=50K,28, Private,236861, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,229842, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,45, United-States +<=50K,25, Local-gov,190057, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,44, State-gov,55076, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,18, Private,152545, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,26, Private,153434, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,47, Local-gov,171095, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,239322, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,138999, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,61, Local-gov,95450, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,25, Private,176520, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,38, Local-gov,72338, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,54, United-States +<=50K,60, ?,386261, Bachelors,13, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,15, United-States +<=50K,23, Private,235722, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,36, Federal-gov,128884, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,46, Private,187226, 9th,5, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,32, Self-emp-not-inc,298332, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,173607, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,226756, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,31, Private,157887, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,32, State-gov,171111, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,37, United-States +<=50K,21, Private,126314, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +>50K,63, Private,174018, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,144778, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Self-emp-not-inc,201522, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, ?,22966, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,30, Private,399088, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,282202, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, El-Salvador +>50K,42, Private,102606, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,246862, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Italy +<=50K,27, Federal-gov,508336, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,48, United-States +<=50K,27, Local-gov,263431, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,235733, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,68, Private,107910, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,184425, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,22, Self-emp-not-inc,143062, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Greece +<=50K,25, Private,199545, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,15, United-States +<=50K,68, Self-emp-not-inc,197015, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,149617, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,16, United-States +<=50K,26, Private,33610, HS-grad,9, Divorced, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,34, Private,192002, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,68, Private,67791, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Local-gov,445382, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,112283, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,157249, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,109872, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,119838, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,29, Private,149943, Some-college,10, Never-married, Other-service, Not-in-family, Other, Male,0,1590,40, ? +<=50K,65, Without-pay,27012, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Female,0,0,50, United-States +<=50K,31, Private,91666, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,270276, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,179271, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Private,161819, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Local-gov,339681, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,45, United-States +<=50K,26, Self-emp-not-inc,219897, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,91683, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,36, Private,188834, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,187046, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,191807, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,48, United-States +<=50K,52, Self-emp-inc,179951, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,324420, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,41, Self-emp-not-inc,66632, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Local-gov,121718, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,47, Private,162034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,28, Local-gov,218990, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,46, United-States +<=50K,25, Local-gov,125863, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,225330, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,120426, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,119741, Masters,14, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,32000, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +<=50K,21, ?,124242, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,278581, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,30, Private,230224, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,30, Private,204374, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1741,48, United-States +<=50K,45, Private,188386, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1628,45, United-States +<=50K,20, Private,164922, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,195176, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,43, Private,166740, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,50, ?,156008, 11th,7, Married-civ-spouse, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Private,162551, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,48, China +>50K,25, Private,211231, HS-grad,9, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,48, United-States +<=50K,25, Private,169990, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,221832, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Local-gov,255454, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +<=50K,35, Private,28160, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,50, State-gov,159219, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Canada +<=50K,26, Local-gov,103148, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,165186, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,31782, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,249101, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,243190, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,18, Local-gov,153405, 11th,7, Never-married, Adm-clerical, Other-relative, White, Female,0,0,25, United-States +>50K,37, Private,329980, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,57, Private,176079, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, State-gov,218542, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, State-gov,303446, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, Nicaragua +>50K,40, Private,102606, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,483201, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,77, Local-gov,144608, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,6, United-States +<=50K,30, Private,226013, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,165475, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,263637, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,201495, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,68, Private,213720, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,170483, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,26, Private,214303, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Private,190511, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,242150, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +>50K,51, Local-gov,159755, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,147629, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,49, Private,268022, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,188711, Bachelors,13, Never-married, Transport-moving, Unmarried, White, Male,0,0,20, United-States +<=50K,29, Private,452205, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,21, Private,260847, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,28, Private,291374, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,189933, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,133969, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, South +<=50K,35, Private,330664, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, ?,672412, 11th,7, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,26, Private,122999, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +<=50K,30, Private,111415, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, Germany +<=50K,33, Private,217235, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,40, Private,121956, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550,0,40, Cambodia +<=50K,23, Private,120172, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,343403, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,104790, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,39, Local-gov,473547, 10th,6, Divorced, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,260106, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,49, Federal-gov,168232, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,348491, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, Private,24106, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +>50K,60, Self-emp-inc,197553, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,29, Private,421065, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,54, Self-emp-inc,138852, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, ?,169631, Assoc-acdm,12, Married-AF-spouse, ?, Wife, White, Female,0,0,3, United-States +<=50K,34, Private,379412, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,181992, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +<=50K,19, Private,365640, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, ? +<=50K,26, Private,236564, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,363418, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,50, Private,112351, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +>50K,30, Private,204704, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,44, Private,54611, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,49, Private,128132, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,75, Self-emp-not-inc,30599, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Private,379522, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,51, State-gov,196504, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,38, United-States +<=50K,35, Private,82552, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,28, Private,104024, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,293114, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,1409,0,40, United-States +>50K,72, Private,74141, 9th,5, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,48, United-States +<=50K,39, Private,192337, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,262478, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,30, United-States +<=50K,57, Private,185072, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,24, Private,296045, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,38, United-States +<=50K,28, Private,246595, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,70, United-States +<=50K,23, Private,54472, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,331065, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1408,40, United-States +<=50K,23, Private,161708, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,31, Private,264936, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Local-gov,113545, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,212237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,45, United-States +<=50K,31, Private,170430, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, ? +<=50K,34, Private,173806, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,4865,0,60, United-States +<=50K,57, Federal-gov,370890, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,2258,40, United-States +>50K,39, Private,505119, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +<=50K,23, Private,193089, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Local-gov,33432, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,103110, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, England +<=50K,32, Private,160362, Some-college,10, Divorced, Other-service, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,35, Private,204621, Assoc-acdm,12, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,35309, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,154373, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,50, United-States +>50K,47, Private,194772, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,154410, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Federal-gov,220563, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,253354, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Private,211699, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +>50K,63, Self-emp-not-inc,167501, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051,0,10, United-States +<=50K,34, Private,229732, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,185465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,335764, 11th,7, Married-civ-spouse, Sales, Own-child, Black, Male,0,0,35, United-States +<=50K,23, Private,460046, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +<=50K,19, ?,33487, Some-college,10, Never-married, ?, Other-relative, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,176924, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,49, State-gov,213307, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,83893, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,194102, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,61, Private,238611, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,38, United-States +<=50K,41, Private,113597, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,16, United-States +>50K,27, Self-emp-not-inc,208406, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,274528, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,17, Self-emp-not-inc,60116, 10th,6, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,23, ?,196816, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,53, Private,166368, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,303954, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,42, United-States +<=50K,24, Private,99386, Bachelors,13, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,188569, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,302868, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,283342, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +<=50K,24, Private,233777, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,50, Mexico +<=50K,20, Private,170038, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,261319, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, State-gov,367237, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +<=50K,34, Private,126838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,354104, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,176321, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,47, Private,85129, HS-grad,9, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,20, ?,376474, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,32, United-States +<=50K,22, Private,62507, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,42, Local-gov,111252, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,60, Private,156889, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,549430, HS-grad,9, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, Mexico +>50K,46, Private,29696, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,98837, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,86150, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,34, Private,204991, Some-college,10, Divorced, Exec-managerial, Own-child, White, Male,0,0,44, United-States +<=50K,45, Private,371886, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,46, United-States +<=50K,35, Private,103605, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,63, ?,54851, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,133050, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,36, Local-gov,126569, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Federal-gov,144259, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,51, Private,161482, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Self-emp-not-inc,305449, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,125010, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,47, Private,304133, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,59, Local-gov,120617, HS-grad,9, Separated, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,34, Private,157747, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,297396, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,42, Private,121287, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, ?,308493, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,17, Honduras +>50K,37, Private,49115, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,51, Self-emp-inc,208302, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,25, Private,304032, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,36, United-States +>50K,31, Federal-gov,207301, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,37, Private,123211, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, United-States +>50K,42, Private,33521, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,29, ?,410351, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,410034, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Private,175339, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,47, United-States +<=50K,22, ?,27937, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +>50K,49, Private,168211, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,26, Private,125680, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,16, Japan +<=50K,56, Local-gov,160829, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +>50K,52, Private,266529, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,115023, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, ? +>50K,47, State-gov,224149, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,150930, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,343699, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,172826, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,55, United-States +<=50K,35, Private,163392, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,17, ?,103810, 12th,8, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,213821, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,211265, Some-college,10, Married-spouse-absent, Craft-repair, Other-relative, Black, Female,0,0,35, Dominican-Republic +<=50K,58, Local-gov,160586, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,66, Private,146454, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5556,0,40, United-States +>50K,30, Private,203277, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,309895, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,26522, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,35, United-States +<=50K,57, Private,103809, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,90291, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,21, State-gov,181761, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,37, Private,35330, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1669,55, United-States +<=50K,45, Local-gov,135776, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,61, ?,188172, Doctorate,16, Widowed, ?, Not-in-family, White, Female,0,0,5, United-States +<=50K,39, Private,179579, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,193626, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,53, United-States +<=50K,20, Private,108887, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,199070, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Male,0,0,16, United-States +<=50K,25, Private,441591, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,185254, 5th-6th,3, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, El-Salvador +<=50K,24, Private,109307, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,20, ?,81853, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,35, Private,23621, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +>50K,44, Local-gov,145178, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,38, Jamaica +<=50K,47, State-gov,30575, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, State-gov,130620, 11th,7, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +<=50K,41, Local-gov,22155, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,31, Private,106437, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,79787, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,47, Private,326857, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,44, Private,81853, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,61, Private,120933, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Federal-gov,153143, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, Puerto-Rico +<=50K,46, Private,27669, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,46, Private,105444, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Local-gov,169785, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,49, Private,122493, HS-grad,9, Widowed, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,56, Local-gov,242670, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,54933, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,209317, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,25, Self-emp-not-inc,282631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,98044, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,187487, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,60186, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,75648, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,201175, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,19302, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, ?,300812, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,44, Private,146659, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,35, United-States +<=50K,75, Private,101887, 10th,6, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,70, United-States +<=50K,66, ?,117778, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,60726, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,33, Self-emp-inc,201763, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-inc,119253, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,65, United-States +>50K,47, Self-emp-not-inc,121124, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, Italy +>50K,41, Private,220132, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,21, Private,60639, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,17, Private,195262, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,17, United-States +<=50K,61, ?,113544, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +>50K,47, ?,331650, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,22, Private,100587, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,15, United-States +<=50K,47, Private,298130, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,242391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,197867, Assoc-voc,11, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,59, Private,151977, 10th,6, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,30, United-States +<=50K,38, Private,277347, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,125249, HS-grad,9, Separated, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,222142, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,270194, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,169995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,27, Private,359155, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,60, Private,123992, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,64, Local-gov,266080, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,37, Private,201531, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,179704, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,36, Private,393673, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,34, Private,244147, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,41, Self-emp-not-inc,438696, Masters,14, Divorced, Sales, Unmarried, White, Male,0,0,5, United-States +<=50K,35, Self-emp-not-inc,207568, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +>50K,63, Self-emp-inc,54052, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,46, Private,187581, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,77102, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,353010, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,29, Private,54131, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,74, Federal-gov,39890, Some-college,10, Widowed, Transport-moving, Not-in-family, White, Female,0,0,18, United-States +>50K,50, Private,156877, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,22, Private,355686, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,300168, 12th,8, Separated, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,30, Private,488720, 9th,5, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,32, Private,157287, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,49, Private,214169, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,192149, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,137253, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,373050, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,90377, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,6767,0,60, United-States +<=50K,28, Federal-gov,183151, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,227158, Bachelors,13, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Local-gov,34021, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,31, Private,165148, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,12, United-States +>50K,47, Private,211668, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +>50K,45, Private,358886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,47707, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,306982, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,49, Local-gov,52590, HS-grad,9, Widowed, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, ?,179352, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,27, Private,158156, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,42, United-States +<=50K,42, Private,70055, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,60, ?,131852, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,64, Self-emp-not-inc,177825, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,1055,0,40, United-States +>50K,33, Private,127215, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,175183, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,142287, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,221324, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,227602, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,37, Mexico +<=50K,22, Private,228452, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,57, State-gov,39380, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, ?,96862, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,23, Private,336360, 7th-8th,4, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,31, Private,257644, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,23, State-gov,235853, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,22, United-States +<=50K,30, Private,270577, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,32, Local-gov,222900, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,42, Private,99254, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,51, Private,224763, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +>50K,59, Self-emp-not-inc,174056, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,36, Private,127306, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,339506, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,178322, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,33, Private,189843, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,160815, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,60, Private,207665, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,37, State-gov,160402, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,170263, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,184659, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,52, United-States +>50K,38, Federal-gov,338320, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,54, Private,101017, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,204322, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Private,241350, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,63, Federal-gov,217994, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,128143, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,164065, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,18, United-States +<=50K,64, Local-gov,78866, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,236769, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,44, Federal-gov,239539, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,39, Private,34028, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,48, United-States +<=50K,45, State-gov,207847, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,175935, Doctorate,16, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,22, Federal-gov,218445, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,63, Self-emp-inc,215833, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,156976, Assoc-voc,11, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,220647, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,218343, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,29, Private,241431, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,38, Local-gov,123983, Bachelors,13, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,1741,40, Vietnam +<=50K,25, Private,73289, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,408623, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,46, Private,169180, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,54929, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, Private,306779, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,35, United-States +>50K,43, Private,159549, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,482082, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,21, Mexico +<=50K,32, Local-gov,286101, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,0,0,37, United-States +<=50K,44, Private,167955, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,40, Self-emp-not-inc,209040, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,105017, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,27776, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,242941, Some-college,10, Never-married, Sales, Own-child, White, Female,0,1602,10, United-States +<=50K,41, Private,118853, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,119565, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,196827, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,275361, Assoc-acdm,12, Widowed, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,42, Private,225193, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,329783, 10th,6, Never-married, Sales, Other-relative, White, Female,0,0,10, United-States +<=50K,29, Local-gov,107411, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,21, State-gov,258490, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, ?,120243, 11th,7, Never-married, ?, Own-child, White, Male,0,0,27, United-States +>50K,31, Private,219509, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,27, Local-gov,29174, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,40083, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +<=50K,23, Private,87528, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,41, Private,116379, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,55, Taiwan +>50K,46, Local-gov,216214, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,268051, Some-college,10, Married-civ-spouse, Protective-serv, Other-relative, Black, Female,0,0,25, Haiti +<=50K,42, Self-emp-not-inc,121718, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,18, Private,201901, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,1719,15, United-States +<=50K,46, Private,109089, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,37, United-States +<=50K,18, ?,346382, 11th,7, Never-married, ?, Own-child, White, Male,0,0,15, United-States +>50K,52, Private,284129, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,143030, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,212619, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,199011, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,20, United-States +<=50K,31, Private,118901, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,41, Self-emp-not-inc,129865, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,157900, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,349341, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,158685, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,386585, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,60, United-States +<=50K,90, Private,52386, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +>50K,45, Private,246891, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +>50K,30, Private,190385, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,37869, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,217807, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,53, Private,149784, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,64, State-gov,201293, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,56, Private,128764, 7th-8th,4, Widowed, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +>50K,42, Private,27444, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,26, Private,62438, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,31, Local-gov,151726, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,29841, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,58, Private,131608, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,110562, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,190541, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,47, United-States +>50K,62, State-gov,33142, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,65, Self-emp-inc,139272, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +<=50K,40, Private,234633, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Local-gov,238386, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,460835, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +<=50K,23, ?,243190, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, China +>50K,63, Federal-gov,97855, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,77146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,37, Private,200863, Some-college,10, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,25, ?,41107, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, Canada +<=50K,56, Private,77415, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,236770, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Federal-gov,173093, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,1887,40, Philippines +<=50K,32, Private,235124, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,23, Self-emp-not-inc,282604, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,60, United-States +<=50K,35, Private,199288, 11th,7, Separated, Transport-moving, Not-in-family, White, Male,0,0,90, United-States +>50K,51, Private,191659, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,65, United-States +<=50K,19, Private,43285, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,160837, 11th,7, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,22, Private,230574, 10th,6, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,23, Private,176178, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,116358, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,27, ?,253873, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,45, Private,107787, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,23, Self-emp-not-inc,519627, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, Mexico +<=50K,21, Private,191460, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Private,198282, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,29, Private,214858, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,64875, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,675421, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,40, United-States +>50K,62, Self-emp-not-inc,134768, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Federal-gov,207342, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Private,64830, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,31, Private,220066, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,14344,0,50, United-States +>50K,37, Private,82521, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,33, Private,176711, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, England +<=50K,22, ?,217421, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,28, Private,111900, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,22, ?,196943, Some-college,10, Separated, ?, Own-child, White, Male,0,0,25, United-States +>50K,47, Private,481987, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,184506, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,419,3, United-States +<=50K,20, ?,121313, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,158420, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,26, Private,256000, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,36, Private,183892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,44, United-States +<=50K,28, Private,42734, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,181773, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,47, Private,184945, Some-college,10, Separated, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,33, Private,107248, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,34, Self-emp-inc,215382, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,4787,0,40, United-States +<=50K,25, Private,122999, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,758700, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781,0,50, Mexico +<=50K,36, State-gov,166606, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,192060, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,30, ? +<=50K,74, ?,340939, 9th,5, Married-civ-spouse, ?, Husband, White, Male,3471,0,40, United-States +<=50K,57, Private,205708, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,55, Private,67450, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, England +<=50K,20, Private,242077, HS-grad,9, Divorced, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,129573, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,44, United-States +>50K,54, Private,181132, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, England +<=50K,25, Private,212302, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,83411, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1408,40, United-States +<=50K,23, ?,148751, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,17, Private,317681, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,39, ?,103986, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,1590,40, United-States +<=50K,63, Private,30602, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,19, Private,172893, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +>50K,56, Self-emp-inc,211804, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,33, Self-emp-not-inc,312055, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,65390, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,200500, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,241962, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-inc,78530, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, Canada +<=50K,22, Private,189950, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,35, Private,111387, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1579,40, United-States +<=50K,20, Private,241951, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,18, Private,343059, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,302465, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1741,40, United-States +>50K,53, Private,156843, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,54, United-States +<=50K,21, ?,79728, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,55284, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,509364, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, State-gov,117927, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,137651, Some-college,10, Never-married, Machine-op-inspct, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,70, Private,131060, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +>50K,57, Private,346963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,183611, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3137,0,50, United-States +<=50K,34, Private,134737, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Private,36503, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,250121, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,330535, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,3325,0,40, United-States +<=50K,27, Private,387776, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,41474, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,36, Local-gov,318972, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,65, United-States +<=50K,33, Private,86143, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,50, Private,181139, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,326232, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,2547,50, United-States +>50K,39, Local-gov,153976, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,59469, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,24, Private,127139, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,136343, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,350624, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,66, ?,177351, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2174,40, United-States +<=50K,68, Private,166149, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,2206,30, United-States +<=50K,29, Private,121523, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Self-emp-not-inc,267396, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,83045, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,160449, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,55, Self-emp-inc,124137, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,35, Greece +<=50K,20, ?,287681, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,41, Private,154194, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,295127, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +>50K,60, Private,240521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,61, Self-emp-not-inc,244087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,35, Private,356250, Prof-school,15, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,35, China +>50K,42, State-gov,293791, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,44308, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Local-gov,210527, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, State-gov,151763, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,39, State-gov,267581, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,100188, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +<=50K,32, Self-emp-inc,111746, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,171091, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,355645, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,20, Trinadad&Tobago +<=50K,54, Local-gov,137678, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,70894, Assoc-acdm,12, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,171306, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,3, United-States +<=50K,31, Private,100997, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Private,63921, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,32897, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, Local-gov,251854, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,345121, 10th,6, Separated, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,46, Private,86220, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,172845, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,171398, 10th,6, Never-married, Sales, Not-in-family, Other, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,174391, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,207058, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,37, Private,291251, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,224377, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,105813, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,180916, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,31, Self-emp-not-inc,122749, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,31069, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,26, Self-emp-not-inc,284343, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,319371, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,46, Private,174224, Assoc-voc,11, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,69, ?,183958, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,39, Private,127772, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3103,0,44, United-States +<=50K,48, Private,80651, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,55, United-States +<=50K,46, Private,62793, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,42, Private,191712, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1590,40, United-States +>50K,39, Self-emp-not-inc,237532, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,54, Dominican-Republic +>50K,50, Federal-gov,20179, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,311376, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,432565, Assoc-voc,11, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,40, Canada +>50K,39, Self-emp-inc,329980, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,60, United-States +<=50K,29, Self-emp-not-inc,125190, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,342946, 11th,7, Never-married, Transport-moving, Own-child, White, Female,0,0,38, United-States +<=50K,21, ?,219835, Assoc-voc,11, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,123429, 10th,6, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Self-emp-inc,69209, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3818,0,30, United-States +<=50K,55, Private,66356, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,195897, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,153132, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,52, United-States +<=50K,18, Private,230875, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Self-emp-not-inc,92298, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +>50K,40, Private,185145, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,297296, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, ?,164849, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,1409,0,5, United-States +<=50K,55, Private,145214, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,242341, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,54, Private,240542, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,36, Private,104772, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,48, United-States +<=50K,76, ?,152802, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,181666, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,415520, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,38, Private,258761, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Private,88842, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,19, ?,356717, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,32, Private,158438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,57, Private,206206, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,51816, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Private,253814, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,161745, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,1980,60, United-States +<=50K,60, Private,162947, 5th-6th,3, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Puerto-Rico +<=50K,52, Private,163027, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,50, United-States +<=50K,61, Private,146788, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,73309, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, ?,143867, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,104216, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +>50K,34, Self-emp-not-inc,345705, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,31, Private,133770, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,42, Private,209392, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,35, United-States +<=50K,70, Private,262345, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,6, United-States +>50K,47, Private,277545, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,47, ?,174525, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3942,0,40, ? +>50K,29, Private,490332, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,211570, 11th,7, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,25, Private,374918, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,51, Private,106728, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,60, United-States +<=50K,28, Private,173649, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, ? +<=50K,35, Private,174597, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,233533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,54, ?,169785, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,133169, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,198824, Assoc-voc,11, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,65, Private,174056, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,188696, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,90692, HS-grad,9, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,271933, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,1741,45, United-States +<=50K,47, Self-emp-not-inc,102359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,49, Federal-gov,213668, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,56, United-States +<=50K,21, Private,294789, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,20, Private,157599, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,18, Local-gov,134935, 12th,8, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,466224, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,111985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,264627, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,213427, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,279015, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,47, Private,165937, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,27, Federal-gov,188343, HS-grad,9, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, Private,158609, Assoc-voc,11, Widowed, Adm-clerical, Unmarried, White, Female,0,0,8, United-States +>50K,34, Private,193036, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,198632, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Private,175912, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Male,914,0,40, United-States +<=50K,19, ?,192773, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,35, Private,101387, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,24, Private,60783, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,183224, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,35, United-States +<=50K,59, Local-gov,100776, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,57600, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, ? +<=50K,20, Private,174063, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,306495, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,249741, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,93021, HS-grad,9, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,36, Private,49626, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,63062, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +>50K,55, Private,320835, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Local-gov,123727, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,21, United-States +<=50K,58, State-gov,110517, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4064,0,40, India +<=50K,43, Private,149670, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,4064,0,15, United-States +>50K,39, Private,172425, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,40, Private,216116, 9th,5, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, Haiti +<=50K,46, Private,174209, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Federal-gov,175083, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,19, Private,129059, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,30, United-States +<=50K,24, Private,121313, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, ?,181317, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,166851, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,13, United-States +<=50K,29, Self-emp-not-inc,29616, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +>50K,56, Self-emp-inc,105582, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,54, ?,124993, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,148509, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,230246, 9th,5, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,56, Private,117881, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,203408, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,19, Private,446219, 10th,6, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,32, Self-emp-inc,110331, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,48, Private,207946, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,52, United-States +>50K,67, ?,45537, Masters,14, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,188330, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +>50K,52, Private,147629, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,153799, 1st-4th,2, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,28, Private,203776, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,41, Private,168071, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,57, Private,348430, 1st-4th,2, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, Portugal +<=50K,51, Private,103407, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, ?,152046, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,35, Germany +<=50K,36, Private,153205, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, ? +>50K,33, Private,326104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Private,238162, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,221336, HS-grad,9, Divorced, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,33, Private,180656, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,77, Self-emp-not-inc,145329, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,401,0,20, United-States +>50K,39, Private,315776, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,8614,0,52, United-States +<=50K,67, ?,150516, HS-grad,9, Widowed, ?, Unmarried, White, Male,0,0,3, United-States +<=50K,35, Private,325802, Assoc-acdm,12, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,24, United-States +<=50K,23, Private,133985, 10th,6, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +>50K,37, Private,269329, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,45, United-States +>50K,41, Private,183203, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,60, Private,76127, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,195891, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,56, Federal-gov,162137, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,45, State-gov,37672, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,24, Private,161708, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,80616, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,27, United-States +<=50K,31, Private,209276, HS-grad,9, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, United-States +<=50K,21, ?,34443, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +>50K,45, Private,192835, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,23, Private,203240, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, State-gov,102308, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,40829, 11th,7, Never-married, Sales, Other-relative, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,25, Private,60726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,30, United-States +<=50K,31, State-gov,116677, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,57067, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,45, United-States +>50K,41, Private,304906, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,101590, Prof-school,15, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,27, Private,258102, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Mexico +<=50K,23, Private,241185, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,124827, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-inc,76625, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,263339, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,135645, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,42, Private,245626, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,24, Private,210781, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,235786, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,160167, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +>50K,52, Federal-gov,30731, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,34, Private,314375, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,81528, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,60, United-States +<=50K,54, Private,182854, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Federal-gov,296798, 11th,7, Never-married, Tech-support, Not-in-family, White, Male,0,1340,40, United-States +>50K,32, Private,194426, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,40, ?,70645, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +>50K,55, Self-emp-inc,141807, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,66, ?,112871, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,52, State-gov,71344, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,341410, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,33, Private,118941, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,52, ?,159755, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,128509, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, ? +<=50K,27, Self-emp-not-inc,229125, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,142756, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Self-emp-inc,243871, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +>50K,47, Private,213140, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,19, Private,196857, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,138626, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,161334, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,25, Nicaragua +<=50K,50, Private,273536, 7th-8th,4, Married-civ-spouse, Sales, Husband, Other, Male,0,0,49, Dominican-Republic +<=50K,32, Private,115631, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,4101,0,50, United-States +<=50K,28, Private,185957, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,334357, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,96102, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,213226, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,19, Private,115248, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,37, Private,185061, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,27, Private,147638, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,18, Private,280298, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,31, Private,163516, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,277434, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,26, Federal-gov,206983, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Columbia +>50K,48, Private,108993, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,288551, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,176069, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,48, State-gov,183486, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,56, United-States +>50K,40, Private,163215, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,10520,0,40, United-States +>50K,70, Private,94692, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,20, Private,118462, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,43, United-States +<=50K,38, Private,407068, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,75, Mexico +<=50K,37, Self-emp-not-inc,243587, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,40, Cuba +>50K,49, Private,23074, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,237735, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103,0,40, United-States +<=50K,43, Private,188291, 1st-4th,2, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,284166, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,423460, 11th,7, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,23, Private,287681, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,25, Mexico +<=50K,34, Private,509364, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,139391, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,33, Private,91964, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Private,117526, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,45, United-States +<=50K,64, Private,91343, Some-college,10, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,336969, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,28, El-Salvador +<=50K,55, Private,255364, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,167670, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,211494, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,78, Local-gov,136198, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,15, United-States +<=50K,27, Federal-gov,409815, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,188823, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,42, United-States +>50K,55, State-gov,146326, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,42, Private,154374, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,58, United-States +<=50K,22, ?,216563, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,61, Private,197286, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,100722, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,5, United-States +<=50K,46, Local-gov,377622, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,145964, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,358636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,70, United-States +>50K,47, Private,155489, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,55, United-States +<=50K,18, Private,57413, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,320421, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,174752, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, State-gov,229364, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,56, Self-emp-not-inc,157486, 10th,6, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,92682, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,56, Federal-gov,101338, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,132652, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,21, Private,34616, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,40, Private,218903, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Local-gov,204098, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,50, United-States +>50K,52, Self-emp-not-inc,64045, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,45, United-States +<=50K,46, Private,189763, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,26248, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,92079, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,280071, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,50, United-States +<=50K,20, Private,224059, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,185520, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,8614,0,40, United-States +<=50K,24, Private,265567, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,72, Private,106890, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, State-gov,39586, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,42, Private,153132, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,45, ? +<=50K,51, Private,209912, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,39, Private,144169, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,50442, Some-college,10, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,2977,0,35, United-States +>50K,34, Private,89644, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,275889, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Mexico +<=50K,26, Private,231638, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,45, Local-gov,224474, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,4934,0,50, United-States +>50K,28, Private,355259, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Federal-gov,68330, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,185410, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,87653, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,286853, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,54, Private,96710, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, Black, Female,0,0,20, United-States +>50K,62, Private,160143, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,186925, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2597,0,48, United-States +<=50K,49, Self-emp-inc,109705, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,32, United-States +>50K,32, Private,94235, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,225279, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,1602,40, ? +>50K,37, Local-gov,297449, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,205896, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,37, Private,93717, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,45, United-States +<=50K,41, Private,194710, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,236391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,47, State-gov,189123, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,358677, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,35, United-States +<=50K,30, State-gov,199539, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +>50K,43, Private,128170, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,34, Private,231238, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,57, Private,296152, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Female,594,0,10, United-States +<=50K,46, Private,166003, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,281437, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,190231, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,11, Nicaragua +<=50K,47, Private,122026, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, ?,205527, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,20, United-States +>50K,53, Self-emp-not-inc,174102, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, Greece +>50K,43, Private,125461, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,80, Self-emp-not-inc,184335, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,211345, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +>50K,43, Local-gov,147328, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,22, Private,222993, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,225978, Some-college,10, Separated, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,48, Private,121124, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, ?,656036, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,34, ?,346762, 11th,7, Divorced, ?, Own-child, White, Male,0,0,84, United-States +>50K,51, Private,234057, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Federal-gov,306515, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,116562, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,171159, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,24, Private,199011, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,443508, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, Canada +<=50K,24, Private,29810, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,22, Local-gov,238831, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,566117, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,255044, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,20, Private,436253, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,31, Private,300687, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,55, Private,144071, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +>50K,49, State-gov,133917, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1902,60, ? +<=50K,26, Private,188767, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,300777, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,35, Private,26987, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,174395, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,60, Greece +<=50K,59, Private,90290, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,34, United-States +>50K,61, Private,183735, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,123273, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +>50K,43, Federal-gov,186916, Masters,14, Divorced, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,61, Private,43554, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,2339,40, United-States +<=50K,54, Private,178251, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,30, Private,255885, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,64292, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, State-gov,194773, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, Germany +<=50K,44, Self-emp-inc,133060, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Private,258006, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, Cuba +<=50K,55, Private,92215, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,33945, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,6849,0,55, United-States +<=50K,61, Private,153048, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,28, Private,192200, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,34, Private,355571, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,47, Self-emp-inc,139268, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,26, Private,34402, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,25955, 11th,7, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, Private,209609, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +>50K,47, Private,168283, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,295488, 11th,7, Never-married, Other-service, Own-child, Black, Female,0,0,25, United-States +<=50K,35, Private,190895, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,164190, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,25, Private,216010, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,387568, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,47, State-gov,188386, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,44, Private,174491, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,41, Private,31221, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,30, Private,272451, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,152652, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,104413, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,40, Private,105936, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,5013,0,20, United-States +<=50K,24, Private,379066, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,2205,24, United-States +<=50K,27, Private,214858, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,237735, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,37, Mexico +<=50K,36, Private,158592, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,41, Private,237321, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,41, Private,23646, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,169240, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Federal-gov,454508, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,130356, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,22, Private,427686, 10th,6, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Local-gov,36411, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,39, Private,548510, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,30, United-States +<=50K,38, Private,187264, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,35, State-gov,140752, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,325596, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,175804, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,107302, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,63, Local-gov,41161, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,401832, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,57, Self-emp-not-inc,353808, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,58, Self-emp-inc,349910, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,29, Private,161478, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,17, Private,400225, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,367533, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,69306, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,28, Private,270366, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,103751, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,75227, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,14084,0,40, United-States +<=50K,45, Local-gov,132563, Prof-school,15, Divorced, Prof-specialty, Unmarried, Black, Female,0,1726,40, United-States +<=50K,33, State-gov,79580, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,41, Local-gov,344624, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1485,40, United-States +>50K,37, Self-emp-inc,186359, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,60, United-States +>50K,50, Private,121685, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,75104, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,188343, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,246449, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,85088, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +<=50K,37, Private,545483, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,243986, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,54, Self-emp-not-inc,32778, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,28, Private,369114, HS-grad,9, Separated, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,217200, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,149220, Assoc-voc,11, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, ?,162034, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,157813, 11th,7, Divorced, ?, Unmarried, White, Female,0,0,58, Canada +<=50K,17, ?,179715, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,335549, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2444,45, United-States +>50K,47, Private,102308, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,367749, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,25, Private,98281, 12th,8, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,43, United-States +<=50K,35, Private,115792, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,277788, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,30, Private,103435, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,30, Private,37646, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,385632, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Self-emp-not-inc,210278, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,28, Private,335357, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,272165, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,148995, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,46, Self-emp-not-inc,113434, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,132551, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +>50K,38, Federal-gov,115433, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,33, United-States +<=50K,29, Private,227890, HS-grad,9, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, United-States +<=50K,25, Private,503012, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,56, Private,250873, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,407930, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,148187, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Private,159322, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,28, Private,334368, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,196328, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,45, Private,270842, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,71, Private,235079, Preschool,1, Widowed, Craft-repair, Unmarried, Black, Male,0,0,10, United-States +<=50K,65, ?,327154, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,188391, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,19, Federal-gov,30559, HS-grad,9, Married-AF-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Local-gov,255098, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,248010, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,174515, HS-grad,9, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,90, Private,171956, Some-college,10, Separated, Adm-clerical, Own-child, White, Female,0,0,40, Puerto-Rico +<=50K,56, Private,193130, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +<=50K,21, Private,108670, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,186172, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,348854, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,27, United-States +>50K,46, Private,271828, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,148606, 10th,6, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Local-gov,123983, Masters,14, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,22, Private,24896, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,30, Germany +>50K,47, Private,573583, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, Italy +>50K,67, Self-emp-inc,106175, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,75, United-States +<=50K,43, Private,307767, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,200574, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,59083, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,50, United-States +<=50K,53, Private,358056, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,81, Private,114670, 9th,5, Widowed, Priv-house-serv, Not-in-family, Black, Female,2062,0,5, United-States +<=50K,33, Local-gov,262042, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,1138,40, United-States +<=50K,17, Private,206010, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +>50K,55, Self-emp-inc,183869, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,28, Private,159001, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,155818, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,96055, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Local-gov,131776, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,228613, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,198163, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,37028, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,38, United-States +>50K,30, Private,177304, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,144064, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,146659, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,63, Self-emp-not-inc,26904, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,98, United-States +<=50K,23, Private,238917, 7th-8th,4, Never-married, Craft-repair, Other-relative, White, Male,0,0,36, United-States +<=50K,56, Private,170148, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,27821, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,220460, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Canada +>50K,49, Private,101320, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,1902,40, United-States +<=50K,35, Private,173858, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,52, Private,91048, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Female,0,0,35, United-States +<=50K,28, Private,298696, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,207202, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,21, ?,230397, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,43, Self-emp-not-inc,180599, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, ?,199046, Assoc-voc,11, Never-married, ?, Unmarried, White, Female,0,0,2, United-States +>50K,29, Self-emp-not-inc,132686, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, Italy +<=50K,23, Private,240063, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,50, Local-gov,177705, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1740,48, United-States +<=50K,34, Private,511361, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,19, Private,89397, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,239439, 11th,7, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,36989, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,76978, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,35, United-States +>50K,75, Private,200068, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,454941, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,107218, Bachelors,13, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,17, Local-gov,182070, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,31, Private,176360, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,31, Private,452405, Preschool,1, Never-married, Other-service, Other-relative, White, Female,0,0,35, Mexico +<=50K,18, ?,297396, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,10, United-States +>50K,45, Private,84790, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,186787, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,42, United-States +>50K,27, Private,169662, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,48, Private,125933, Some-college,10, Widowed, Exec-managerial, Unmarried, Black, Female,0,1669,38, United-States +<=50K,22, ?,35448, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,22, United-States +<=50K,34, Private,225548, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,30, United-States +<=50K,26, Private,240842, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,103931, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,60, Private,232618, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,49, Local-gov,288548, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,40, Private,220609, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,26145, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,23, Private,268525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,68, ?,133758, 7th-8th,4, Widowed, ?, Not-in-family, Black, Male,0,0,10, United-States +>50K,42, Private,121264, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,29814, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,85, United-States +<=50K,27, Private,193701, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,45, United-States +>50K,38, Private,183279, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,27, Private,163942, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Ireland +<=50K,75, Private,188612, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,102771, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,27, Private,85625, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,36, Self-emp-not-inc,245090, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +>50K,36, Private,131239, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,45, United-States +<=50K,35, Private,182074, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,36, Private,187046, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,90624, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,37933, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,182177, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,35, United-States +>50K,61, Private,716416, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,29, Private,190562, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,56, United-States +<=50K,40, State-gov,141583, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,37, Private,98941, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,201729, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, United-States +<=50K,43, Self-emp-inc,175485, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,149168, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,28, Private,115971, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,161708, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,64, Local-gov,244903, 11th,7, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,155664, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,112754, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,178385, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,48, India +<=50K,20, Private,44064, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +<=50K,62, Self-emp-not-inc,120939, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,165134, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,35, Columbia +<=50K,29, Private,100405, 10th,6, Married-civ-spouse, Farming-fishing, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,361888, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Japan +<=50K,39, Local-gov,167864, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,202950, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,218188, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,32, United-States +<=50K,38, Private,234962, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829,0,30, Mexico +<=50K,72, ?,177226, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,31, Private,259931, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,189528, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,34996, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,112584, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,25, Private,117589, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,145234, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,267086, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,52, United-States +<=50K,49, Private,44434, Some-college,10, Divorced, Tech-support, Other-relative, White, Male,0,0,35, United-States +<=50K,26, Private,96130, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Private,181382, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,44, Self-emp-inc,168845, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +>50K,37, Private,271767, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,194636, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,64, State-gov,194894, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,4787,0,40, United-States +>50K,28, Private,132686, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,185848, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,4650,0,50, United-States +<=50K,40, State-gov,184378, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,55, Federal-gov,270859, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,231866, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +<=50K,49, Private,36032, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,51, State-gov,172962, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,57, Private,98350, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,1902,40, Philippines +>50K,51, Private,24185, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,53930, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,24, Private,85088, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,1762,32, United-States +<=50K,45, Self-emp-not-inc,94962, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +<=50K,28, Private,480861, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,42, Self-emp-inc,187702, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,22, Private,52262, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,52636, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,175273, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,327825, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,2238,40, United-States +>50K,47, Private,125892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +<=50K,40, ?,78255, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, Private,398827, HS-grad,9, Married-AF-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +>50K,61, Private,208919, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,71, Local-gov,365996, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,6, United-States +<=50K,42, Private,307638, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Local-gov,33068, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,46, Self-emp-not-inc,254291, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,50, Local-gov,125417, Prof-school,15, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,52, United-States +<=50K,27, State-gov,28848, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,9, United-States +<=50K,40, ?,273425, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,21, Private,194723, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, Mexico +<=50K,25, Private,195118, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,35, United-States +<=50K,61, Private,123273, 5th-6th,3, Divorced, Transport-moving, Not-in-family, White, Male,0,1876,56, United-States +<=50K,54, Private,220115, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,31, Private,265706, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,279129, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,39, Self-emp-inc,122742, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,57, Self-emp-inc,172654, Prof-school,15, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,50, United-States +<=50K,48, Private,119199, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,44, United-States +>50K,30, Private,107793, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,35, Private,237943, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-not-inc,64632, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,96245, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,59, Private,361494, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,69, Local-gov,122850, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,29, Private,173652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,164663, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,98678, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,40, Private,245529, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,55294, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,140583, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,79797, HS-grad,9, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,72, ?,113044, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,283499, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,41, Local-gov,51111, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,232475, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,176140, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,301654, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,376455, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,28, ?,192569, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Private,229803, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,337639, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,130849, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,32, Private,296282, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, Private,266645, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, State-gov,110128, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,90196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,40, State-gov,40024, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,35, Private,144322, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,74, Self-emp-inc,162340, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,169069, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,113601, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,20, Self-emp-not-inc,157145, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,2258,10, United-States +<=50K,44, Private,111275, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,56, United-States +<=50K,46, Local-gov,102076, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,20, ?,182117, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,145409, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,40, Private,190122, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,331482, Prof-school,15, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +<=50K,60, Self-emp-not-inc,170114, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,84, United-States +>50K,48, Self-emp-inc,193188, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,267588, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,70, United-States +>50K,48, Self-emp-inc,200471, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,175586, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,35, United-States +<=50K,24, Local-gov,322658, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, State-gov,263982, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,266287, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,39, Private,278187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-inc,81413, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2352,65, United-States +<=50K,22, Private,221745, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,140764, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,206351, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,176814, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,42, Local-gov,245307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,61, State-gov,124971, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,28, Private,119545, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Male,7688,0,50, United-States +<=50K,18, Private,179203, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,24, Federal-gov,44075, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,45, Private,178319, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,24, Private,219754, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,198316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,20, Private,168165, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,35, Private,356838, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,2829,0,55, Poland +<=50K,52, Self-emp-inc,210736, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,173212, Assoc-acdm,12, Never-married, Farming-fishing, Not-in-family, White, Male,2354,0,45, United-States +<=50K,19, Private,130431, 5th-6th,3, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,35, ?,169809, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,54, Private,197481, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,155066, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,26, Private,31290, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,54102, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,181546, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,55, Private,153484, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,44, State-gov,351228, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,131976, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,55, United-States +<=50K,26, Private,200639, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,64, Federal-gov,267546, Assoc-acdm,12, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,179875, 11th,7, Divorced, Other-service, Unmarried, Other, Female,0,0,40, United-States +<=50K,25, ?,237865, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, ? +<=50K,43, Private,300528, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,45, Private,67716, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,10520,0,48, United-States +>50K,48, Federal-gov,326048, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,60, Private,191188, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,32172, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Private,252903, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,37, Federal-gov,334314, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,83704, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,44, Private,160574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,27, Private,203776, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,328610, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,295589, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,40, United-States +>50K,40, Private,174373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,247752, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,199244, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,139992, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,95680, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,189933, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,498785, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,177526, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +>50K,64, Self-emp-not-inc,150121, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +>50K,56, Federal-gov,130454, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,119079, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,49, United-States +>50K,33, Private,220939, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,33, Private,94235, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,42, United-States +<=50K,21, Private,305874, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,62020, HS-grad,9, Widowed, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,58, Private,235624, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Germany +<=50K,43, Local-gov,247514, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,275726, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,72896, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Local-gov,110510, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,41, Private,173938, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, ? +<=50K,27, Private,200641, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, Mexico +>50K,53, Private,211654, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, ? +>50K,38, Private,242720, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,31, Private,111567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,41, Private,179533, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,22, State-gov,334693, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,198096, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,41, State-gov,355756, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,19395, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,35, United-States +<=50K,41, Local-gov,242586, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,208358, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,99999,0,45, United-States +>50K,49, Private,160647, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,227943, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,197665, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,35, Self-emp-not-inc,216129, 12th,8, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Trinadad&Tobago +>50K,30, Local-gov,326104, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,57211, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,100219, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +<=50K,40, Private,291192, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,54, State-gov,93415, Bachelors,13, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,35, Private,191502, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,261382, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,170230, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,40, ? +<=50K,59, Private,374924, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,320984, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,39, Private,338320, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,135190, 7th-8th,4, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,30, United-States +<=50K,71, Private,157909, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,2964,0,60, United-States +<=50K,33, Private,637222, 12th,8, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,430084, HS-grad,9, Divorced, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,30, Private,125279, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,221955, 5th-6th,3, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +<=50K,51, Self-emp-inc,180195, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,39, Private,208778, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,62, Private,81534, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, Private,325538, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,60, ? +<=50K,28, Private,142264, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, Dominican-Republic +<=50K,23, Private,128604, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,48, South +<=50K,39, Private,277886, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,50, Self-emp-inc,100029, Bachelors,13, Widowed, Sales, Unmarried, White, Male,0,0,65, United-States +<=50K,31, Private,169269, 7th-8th,4, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,45, Local-gov,160472, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,23, ?,123983, Bachelors,13, Never-married, ?, Own-child, Other, Male,0,0,40, United-States +<=50K,47, Private,297884, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,99131, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,18, United-States +<=50K,32, Private,44392, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,82, ?,29441, 7th-8th,4, Widowed, ?, Not-in-family, White, Male,0,0,5, United-States +>50K,49, Private,199029, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,55, United-States +<=50K,74, Federal-gov,181508, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,17, United-States +<=50K,22, Private,190625, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,32, Private,194740, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, Greece +>50K,34, Private,27380, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,59, Private,160631, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,36, Private,224531, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,283005, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-inc,101926, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,53, Local-gov,135102, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,2002,45, United-States +<=50K,25, Self-emp-not-inc,113436, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,44, Private,248973, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,65, United-States +>50K,57, Self-emp-not-inc,225334, Prof-school,15, Married-civ-spouse, Sales, Wife, White, Female,15024,0,35, United-States +>50K,42, Self-emp-not-inc,157562, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,80, United-States +<=50K,58, Local-gov,310085, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,129597, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3464,0,40, United-States +<=50K,32, ?,53042, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,204205, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,47, Private,169324, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,35, United-States +<=50K,52, ?,134447, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,236731, 1st-4th,2, Separated, Exec-managerial, Not-in-family, White, Male,0,0,25, ? +<=50K,52, Private,141301, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,235124, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,36, Self-emp-not-inc,367020, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,41, Private,149102, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +<=50K,30, Private,423770, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, Mexico +<=50K,44, Private,211759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,17, ?,110998, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,34, Private,56883, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,223062, Some-college,10, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,29, Private,406662, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,206600, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,48, Mexico +<=50K,42, Local-gov,147510, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +>50K,48, Private,235646, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +<=50K,26, Private,187577, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,64, Self-emp-inc,132832, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,20051,0,40, ? +<=50K,46, Self-emp-inc,278322, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,38, Private,278924, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,49, State-gov,203039, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,145651, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,46, Local-gov,144531, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,91145, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,55, United-States +>50K,49, Self-emp-not-inc,211762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, ?,111563, Assoc-voc,11, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,180985, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,31, Private,207537, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,1669,50, United-States +<=50K,19, Private,417657, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,45, Private,189890, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,38, United-States +>50K,34, Private,223212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, Peru +<=50K,26, Private,108658, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,190023, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,222130, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,36, Self-emp-inc,164866, Assoc-acdm,12, Separated, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,31, Private,170983, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,186269, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,37, Private,286026, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,30, Private,403433, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,21, ?,224209, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,30, United-States +<=50K,73, Private,123160, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,10, United-States +>50K,38, Federal-gov,99527, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,123178, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Private,231043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,52, Local-gov,317733, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,58, Private,241056, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,46, United-States +<=50K,34, Local-gov,220066, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,180342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Federal-gov,31840, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,183168, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,386036, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +>50K,31, Local-gov,446358, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, Mexico +<=50K,45, Private,28035, Some-college,10, Never-married, Farming-fishing, Other-relative, White, Male,0,0,50, United-States +<=50K,40, Private,282155, HS-grad,9, Separated, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,27, Private,192384, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,383637, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,457402, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,25, Mexico +<=50K,34, Self-emp-inc,80249, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,32, State-gov,159537, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,240859, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +>50K,33, Private,83446, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,74, ?,29866, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,62, Private,185503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,68781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,220589, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,51136, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,54560, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,76, ?,28221, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Canada +<=50K,25, Private,201413, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,40425, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,28, United-States +<=50K,31, Private,189461, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,41, United-States +<=50K,53, Private,200576, 11th,7, Divorced, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,61, Private,92691, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,3, United-States +<=50K,47, Private,664821, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,37, Private,175130, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,50, Self-emp-not-inc,391016, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,249315, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,44, United-States +<=50K,58, Private,111169, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,334946, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,352248, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,173804, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,56, Private,155449, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,73689, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,227594, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,38, United-States +<=50K,47, Private,161676, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,68, Private,75913, 12th,8, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Local-gov,242552, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, Federal-gov,352094, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, Guatemala +<=50K,26, Private,159732, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,131230, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,1590,40, United-States +<=50K,46, Private,180695, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,37, Private,189922, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,409189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,111252, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,59, Private,294395, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,172718, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,43403, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Female,0,1590,54, United-States +<=50K,63, Private,111963, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +>50K,45, Private,247869, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,114032, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, ?,356838, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,179633, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,19847, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,231689, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,209942, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Private,197492, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,262439, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,46, Private,283037, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,79, ?,144533, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,30, United-States +<=50K,31, Private,83446, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,215443, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,268252, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,62, United-States +<=50K,40, Private,181015, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,47, United-States +<=50K,41, Self-emp-inc,139916, Assoc-voc,11, Married-civ-spouse, Sales, Husband, Other, Male,0,2179,84, Mexico +<=50K,20, Private,195770, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,26, United-States +<=50K,45, Private,125194, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,27, Private,58654, Assoc-voc,11, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,252327, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, Private,116508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +>50K,36, Private,166988, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,374163, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, Other, Male,0,0,40, Mexico +<=50K,30, ?,96851, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,1719,25, United-States +<=50K,31, Private,196788, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,186172, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,26, Private,245628, 11th,7, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,20, United-States +<=50K,25, Private,159732, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,129856, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,182812, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,3325,0,52, Dominican-Republic +>50K,41, Private,314322, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,35, Private,102976, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Self-emp-inc,42959, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,256356, 11th,7, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, Mexico +<=50K,29, Private,136277, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,32, United-States +<=50K,36, Private,284616, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,185554, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,51, Private,138847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,33487, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,84306, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,50, United-States +>50K,40, Self-emp-not-inc,223881, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +<=50K,61, Private,149653, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,348739, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,235442, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,34506, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,346964, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,192208, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,305874, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, United-States +<=50K,35, Self-emp-not-inc,462890, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,39, Private,89508, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,200153, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,179446, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,208965, 9th,5, Never-married, Machine-op-inspct, Unmarried, Other, Male,0,0,40, Mexico +>50K,32, Private,40142, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,57452, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,327573, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,151267, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,15024,0,40, United-States +<=50K,44, Private,265266, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,203836, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3464,0,40, Columbia +>50K,51, ?,163998, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,20, United-States +>50K,46, Self-emp-not-inc,28281, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,51, Private,293196, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, Iran +>50K,45, Private,214627, Doctorate,16, Widowed, Prof-specialty, Unmarried, White, Male,15020,0,40, Iran +<=50K,20, Private,368852, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,353396, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,161745, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,97963, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,61, Self-emp-inc,156542, Prof-school,15, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, State-gov,198103, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,55377, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,173730, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,374588, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,39, Self-emp-not-inc,174330, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,78141, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,190324, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,18, United-States +<=50K,26, Private,31350, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,243607, 5th-6th,3, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,47, Local-gov,134671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,197023, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,52, Private,117674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,169815, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,598606, 9th,5, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,50, United-States +>50K,42, Federal-gov,122861, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,166235, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,30, United-States +<=50K,41, Private,187821, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885,0,40, United-States +>50K,34, Private,340940, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,60, United-States +<=50K,52, Self-emp-not-inc,194791, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,231323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,305597, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,25429, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,46, State-gov,192779, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,39, Private,346478, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,341368, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, State-gov,295612, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,168936, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,43, Private,218558, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,3325,0,40, United-States +<=50K,37, Private,336598, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,36, Mexico +<=50K,23, Private,308205, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,39, Local-gov,357173, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,59, United-States +<=50K,54, Private,457237, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,284799, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,179423, Some-college,10, Never-married, Transport-moving, Own-child, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,363405, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,50, United-States +<=50K,17, Private,139183, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,203482, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,112554, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,99476, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +>50K,50, Private,93690, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,220585, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,194638, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +>50K,53, Private,154785, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, ?,162108, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Self-emp-inc,214542, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,161922, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +>50K,46, Private,207940, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,259351, 10th,6, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,59, Private,208395, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,41, Private,116391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,239781, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,56, Private,174351, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +>50K,50, Self-emp-not-inc,44368, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,55, El-Salvador +<=50K,31, Local-gov,188798, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,50122, Assoc-voc,11, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +>50K,38, Private,111398, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,25, State-gov,152035, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, ?,139003, HS-grad,9, Never-married, ?, Other-relative, Other, Female,0,0,12, United-States +<=50K,49, Local-gov,249289, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,257726, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,22, ?,113175, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,151158, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,35, Private,465326, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,356772, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,364782, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,198385, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,20, ? +<=50K,31, Private,329301, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,17, Self-emp-inc,254859, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,31, Private,203488, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,25, Local-gov,222800, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,96452, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,170050, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,116580, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,50, Private,400004, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,63, Private,183608, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,194055, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,210443, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,43272, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,43, Local-gov,108945, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,48, United-States +>50K,34, Private,114691, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,304169, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,46, Private,503923, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386,0,40, United-States +>50K,35, Private,340428, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,46, State-gov,106705, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +>50K,59, Private,146391, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,31, Private,235389, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,30, Portugal +<=50K,27, Private,39665, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,37, United-States +<=50K,41, Private,113823, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, England +<=50K,42, Private,217826, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, ? +>50K,55, Private,349304, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,197688, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,54507, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,117833, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1669,50, United-States +>50K,36, Private,163396, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,69, Private,88566, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,1424,0,35, United-States +<=50K,33, Private,323619, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,75755, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,148903, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,16, United-States +>50K,25, Private,40915, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,182606, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, ? +<=50K,18, Private,131033, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,15, United-States +>50K,35, Self-emp-not-inc,168475, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,121568, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,139098, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +<=50K,46, Private,357338, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,283268, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +>50K,40, Private,572751, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, Mexico +<=50K,40, Private,315321, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,625,52, United-States +<=50K,31, Private,120461, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,65278, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,208503, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Local-gov,112835, Masters,14, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,265038, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,89478, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,55, Private,276229, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,52, Private,366232, 9th,5, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, Cuba +<=50K,26, Private,152035, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,37, Private,205339, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,75995, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,62, Self-emp-not-inc,192236, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,188618, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,47, Private,229737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,51, Local-gov,199688, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,52953, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,221043, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,59, Federal-gov,115389, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,45, Self-emp-not-inc,204205, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,52, Private,338816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,21, Private,197387, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,42485, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,367706, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,24, Private,102493, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,263746, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,47, Private,115358, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,46, Private,189680, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, ?,282622, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,28, United-States +<=50K,34, Private,127651, 10th,6, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,44, ? +<=50K,63, Private,230823, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +<=50K,21, Private,300812, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,18, Private,174732, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,36, United-States +>50K,49, State-gov,183710, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,81, Self-emp-not-inc,137018, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,36, Self-emp-inc,213008, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,357848, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,165799, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,188571, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,97883, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,43, Local-gov,105862, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,40, United-States +<=50K,39, Local-gov,57424, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,29, Private,151476, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,129583, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,16, United-States +<=50K,57, Private,180920, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,38, Self-emp-not-inc,182416, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,42, United-States +<=50K,25, Private,251915, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,39, Local-gov,187127, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,69045, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,56, Private,192869, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,44, United-States +<=50K,39, Private,74163, 12th,8, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,60847, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,17, ?,213055, 11th,7, Never-married, ?, Not-in-family, Other, Female,0,0,20, United-States +<=50K,67, Self-emp-not-inc,116057, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,3273,0,16, United-States +<=50K,41, Private,82393, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,24, Local-gov,134181, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +>50K,51, Private,159910, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Male,10520,0,40, United-States +<=50K,30, Self-emp-inc,117570, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +>50K,47, Self-emp-inc,214169, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,40, United-States +<=50K,56, Private,56331, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,32, United-States +<=50K,51, Private,35576, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,57, Self-emp-not-inc,149168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,157165, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,278130, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,257200, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,283122, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,580248, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,230054, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,58, Private,519006, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,19, ?,37332, HS-grad,9, Never-married, ?, Own-child, White, Female,1055,0,12, United-States +<=50K,19, ?,365871, 7th-8th,4, Never-married, ?, Not-in-family, White, Male,0,0,40, Mexico +>50K,68, State-gov,235882, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,60, United-States +>50K,43, Private,336513, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,17, Private,115551, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,53, State-gov,50048, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,37, Self-emp-inc,382802, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,99, United-States +<=50K,21, ?,180303, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,25, ? +>50K,63, Private,106023, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,332379, Some-college,10, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,29, Private,95465, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,96102, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +>50K,27, Private,36440, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +<=50K,25, Self-emp-not-inc,209384, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,32, United-States +<=50K,28, Private,50814, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,143865, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,74, ?,104661, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,31, Local-gov,50442, Some-college,10, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,32, United-States +<=50K,23, Private,236601, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,100999, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,39, ?,362685, Preschool,1, Widowed, ?, Not-in-family, White, Female,0,0,20, El-Salvador +<=50K,61, Self-emp-not-inc,32423, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,22040,0,40, United-States +>50K,59, ?,154236, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,7688,0,40, United-States +>50K,27, Self-emp-inc,153546, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,36, United-States +<=50K,19, Private,182355, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,23, ?,191444, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Local-gov,44216, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,35, United-States +>50K,40, Private,97688, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,53, Private,209022, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,32, Private,96016, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,72, Self-emp-not-inc,52138, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2392,25, United-States +<=50K,61, Private,159046, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,138634, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,130125, 10th,6, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,1055,0,20, United-States +<=50K,73, Private,247355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, Canada +<=50K,41, Self-emp-not-inc,227065, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,244771, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,20, Jamaica +<=50K,23, Private,215616, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Canada +<=50K,65, Private,386672, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,45, Self-emp-inc,177543, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +>50K,52, Federal-gov,617021, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Black, Male,7688,0,40, United-States +<=50K,24, Local-gov,117109, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,27, United-States +<=50K,23, Private,373550, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,19847, Some-college,10, Divorced, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,189590, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,58343, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,56, United-States +<=50K,17, Private,354201, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,119422, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,363405, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,63, Private,181863, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,27, United-States +<=50K,27, Private,194472, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,247328, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,40, Mexico +<=50K,71, Self-emp-not-inc,130731, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,236910, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,378251, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,36, Private,120760, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,22, Private,203182, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,20, United-States +<=50K,32, Private,130304, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,48, United-States +<=50K,30, Local-gov,352542, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,60, ?,191024, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,197728, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,76, Private,316185, 7th-8th,4, Widowed, Protective-serv, Not-in-family, White, Female,0,0,12, United-States +<=50K,41, Private,89226, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,292353, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, United-States +<=50K,45, Private,304570, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,32, Private,180296, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,361487, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,218490, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,63, Self-emp-not-inc,231777, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,189832, Assoc-acdm,12, Never-married, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,61, Private,232308, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,33308, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,333677, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,170651, HS-grad,9, Never-married, Other-service, Own-child, White, Female,1055,0,40, United-States +<=50K,39, Private,343403, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,36, United-States +<=50K,53, Private,166386, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,26, Federal-gov,48099, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,143062, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,18, Private,104704, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,30497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,44, State-gov,174325, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,40, United-States +<=50K,31, Private,286675, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,44, Private,59474, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Private,378384, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,43, Private,245842, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, Mexico +>50K,33, Private,274222, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7688,0,38, United-States +<=50K,21, Private,342575, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,30, United-States +>50K,30, Private,206051, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,234213, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,57, Private,145189, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,233490, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Private,344129, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-not-inc,171315, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,31, Self-emp-not-inc,181485, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,255412, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, France +<=50K,37, Private,262409, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,213,45, United-States +<=50K,45, Private,199590, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, Mexico +<=50K,47, Private,84726, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,226883, HS-grad,9, Divorced, ?, Own-child, White, Male,0,0,75, United-States +<=50K,75, Self-emp-not-inc,184335, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,43, Private,102025, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,50, United-States +>50K,39, Private,183898, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,60, Germany +>50K,30, Private,55291, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,150025, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Guatemala +<=50K,44, Private,100584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,53, Local-gov,181755, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,150528, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,107277, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,247205, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, England +<=50K,20, Private,291979, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,270985, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,48, Private,62605, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Self-emp-not-inc,176863, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,53197, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,267776, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,24, Private,308205, 7th-8th,4, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,30, Private,306383, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,70, Private,35494, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,26, Private,291968, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,34, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,46, Private,271828, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,121993, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,5, United-States +<=50K,37, Local-gov,31023, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,36425, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,407684, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,28, Private,241895, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1628,40, United-States +>50K,44, Self-emp-not-inc,158555, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,140363, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,3325,0,30, United-States +>50K,53, Private,123429, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,40060, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,290286, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, ?,249271, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,106169, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,76487, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,437994, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,20, United-States +>50K,41, Private,113555, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,7298,0,50, United-States +<=50K,36, Private,160120, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,41, Local-gov,343079, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1740,20, United-States +<=50K,27, Private,406662, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,4416,0,40, United-States +<=50K,42, Self-emp-not-inc,37618, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,114158, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,41, Private,115562, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,353994, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, China +<=50K,21, Private,344891, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +>50K,44, Private,286750, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,29, Private,194197, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,206599, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,22, United-States +<=50K,21, Local-gov,596776, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, Guatemala +<=50K,46, Private,56841, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,38, Private,112561, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,43, Private,147110, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,48, United-States +>50K,54, Self-emp-inc,175339, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Private,234901, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,18, ?,298133, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,217083, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,30, Private,97757, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,30, Private,151868, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,25864, HS-grad,9, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,26, Private,109419, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Federal-gov,203070, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,32, Private,107843, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,50, United-States +>50K,64, State-gov,264544, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,18, Private,148644, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,30, Private,125762, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,36, ?,53606, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,3908,0,8, United-States +<=50K,18, Private,193741, 11th,7, Never-married, Other-service, Other-relative, Black, Male,0,0,30, United-States +<=50K,27, Private,588905, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,115613, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,46, State-gov,222374, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,43, United-States +<=50K,37, Private,185359, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,173647, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,31166, HS-grad,9, Divorced, Prof-specialty, Not-in-family, Other, Female,0,0,30, Germany +<=50K,22, ?,517995, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Mexico +<=50K,25, Self-emp-not-inc,189027, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,38, Private,296125, HS-grad,9, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,32, ?,640383, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,334291, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,56, Private,318450, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,80, United-States +<=50K,29, Private,174163, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,119721, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,142719, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,162593, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,236852, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Local-gov,154863, HS-grad,9, Never-married, Protective-serv, Other-relative, Black, Male,0,1876,40, United-States +<=50K,39, Private,168894, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,344920, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,50, United-States +>50K,39, Private,33355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,48, United-States +<=50K,68, ?,196782, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,37, Self-emp-inc,291518, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,55, United-States +<=50K,57, Private,170244, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,369549, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +>50K,24, Private,23438, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,202673, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,55, Private,171780, Assoc-acdm,12, Divorced, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,37, Local-gov,264503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,244341, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,209109, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,187392, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, State-gov,119578, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,51, Private,195105, HS-grad,9, Divorced, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,101752, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,74, ?,95825, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,3, United-States +>50K,49, Self-emp-inc,362654, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,20, ?,29810, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, Federal-gov,77332, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,80, Private,87518, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,1816,60, United-States +<=50K,63, Private,113324, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,63, Private,96299, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,45, United-States +<=50K,51, Private,237729, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,200973, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,212456, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,33, Self-emp-not-inc,131568, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,66, United-States +<=50K,49, Private,185859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,20, Private,231981, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,32, United-States +>50K,33, Self-emp-inc,117963, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,60, United-States +<=50K,26, Private,78172, Some-college,10, Married-AF-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,52, Private,164135, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,33, Private,171216, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,140664, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,249277, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Male,0,0,75, United-States +<=50K,53, Federal-gov,117847, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,52372, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Federal-gov,95806, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +>50K,53, Private,137428, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,169047, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +<=50K,68, Private,339168, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,504725, 10th,6, Never-married, Sales, Other-relative, White, Male,0,0,18, Guatemala +<=50K,28, Private,132870, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,54, Local-gov,135840, 10th,6, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,35644, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,22, Private,198148, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,25, Private,220098, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,262515, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,19, ?,423863, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,32, Federal-gov,111567, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,194096, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,51, Local-gov,420917, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,25, Private,197871, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,46, Local-gov,253116, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,206535, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +>50K,26, State-gov,70447, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,46, Private,201217, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,209970, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,196745, Some-college,10, Never-married, Other-service, Own-child, White, Female,594,0,16, United-States +<=50K,29, Local-gov,175262, Masters,14, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,35, United-States +>50K,51, Self-emp-inc,304955, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,181265, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,24, Private,200973, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,37440, Bachelors,13, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,31, Private,395170, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,24, Mexico +<=50K,54, ?,32385, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, Private,353213, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, Private,38619, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,66, United-States +<=50K,21, Private,177711, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,190761, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,27776, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,24, United-States +<=50K,37, Federal-gov,470663, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,71738, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,57, Private,74156, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,48, Private,202467, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,40, United-States +<=50K,24, Private,123983, 11th,7, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,43, Private,193494, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,169886, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,20, ? +<=50K,40, Private,130571, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Self-emp-inc,90363, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,49, Private,83444, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,239093, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3137,0,40, United-States +<=50K,62, Local-gov,151369, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,56630, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,117095, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Federal-gov,189985, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,34862, Some-college,10, Never-married, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,72, United-States +<=50K,37, Self-emp-inc,126675, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,43, State-gov,199806, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,57596, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,103459, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,28, Private,282398, Some-college,10, Separated, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,298841, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,45, Private,33300, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,22, ?,306031, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,306467, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,20, Private,189888, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,83861, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,117393, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,129934, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,51, Private,179010, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,375680, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, ? +<=50K,48, Private,316101, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,293305, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,51, Local-gov,175750, HS-grad,9, Divorced, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +>50K,41, Private,121718, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,1848,48, United-States +<=50K,62, ?,94931, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,3411,0,40, United-States +>50K,50, State-gov,229272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,142828, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,54, Private,22743, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,60, United-States +>50K,68, Private,76371, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,23, Self-emp-not-inc,216129, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Private,107425, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,611029, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,363032, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,170020, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,45, United-States +<=50K,34, Private,137900, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Private,322674, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,23778, 7th-8th,4, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,147845, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,31, United-States +<=50K,36, Private,175759, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,166459, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,43, Private,128212, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, Vietnam +>50K,54, Federal-gov,127455, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,63, Private,134699, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +>50K,51, Private,254230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,159715, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,116286, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,146719, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +>50K,35, Private,361888, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,31, ?,26553, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,46, Self-emp-not-inc,32825, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,53, Private,225768, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,26, Federal-gov,393728, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,43, Private,160369, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,191807, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,50, Federal-gov,176969, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,1590,40, United-States +>50K,54, Federal-gov,33863, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,62, ?,182687, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,45, United-States +<=50K,57, State-gov,141459, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,174233, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,24, United-States +<=50K,29, Local-gov,95393, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,221095, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +>50K,53, Private,104501, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +<=50K,18, ?,437851, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,22, ?,131230, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,495888, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,69, Private,185691, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +<=50K,56, Private,201822, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2002,40, United-States +<=50K,53, Local-gov,549341, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,28, Private,247445, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,199566, Bachelors,13, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,33, Self-emp-inc,139057, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,84, Taiwan +<=50K,48, Private,185039, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +>50K,61, Private,166124, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,82649, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,45, United-States +<=50K,48, Private,109275, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,408328, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,186338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,130856, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,251579, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,14, United-States +<=50K,47, Private,76612, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,22546, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,72, Private,53684, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,183627, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,73203, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,57, Private,108426, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,48, England +<=50K,50, Private,116287, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, Columbia +<=50K,45, Self-emp-inc,145697, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,52, Private,326156, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,201127, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,250791, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,46, Private,328216, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,400443, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,75, Private,95985, 5th-6th,3, Widowed, Other-service, Unmarried, Black, Male,0,0,10, United-States +>50K,32, Local-gov,127651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,250679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,103950, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,200199, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,46, State-gov,295791, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,39, Private,191841, Assoc-acdm,12, Separated, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,82622, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,160728, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,63, Local-gov,109849, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,21, United-States +<=50K,28, Private,339897, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, Mexico +<=50K,28, ?,37215, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,45, United-States +<=50K,49, Private,371299, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,43, Private,421837, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,38, Private,29702, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,117381, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,62, England +<=50K,42, ?,240027, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,338740, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,28359, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,10, United-States +<=50K,29, ?,315026, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Federal-gov,314525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1741,45, United-States +>50K,30, Private,173005, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,286750, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,163985, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,30, Private,219318, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,35, Puerto-Rico +<=50K,42, Private,44121, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,52, Self-emp-not-inc,103794, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,42, Private,310632, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,39, Private,153976, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,43, Private,174575, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,62, Self-emp-not-inc,82388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,10566,0,40, United-States +<=50K,30, Private,207253, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +<=50K,83, ?,251951, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,39, Private,746786, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,308296, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,20, United-States +>50K,49, Private,101825, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,40, United-States +<=50K,25, Private,109009, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,413363, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,40, United-States +<=50K,59, ?,117751, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Male,0,0,8, United-States +<=50K,44, State-gov,296326, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,208358, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,4650,0,56, United-States +<=50K,40, Private,120277, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Ireland +<=50K,21, Private,193219, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, Jamaica +<=50K,41, Private,86399, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,24, Private,215251, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,67, Self-emp-not-inc,124470, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,228649, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,50, Self-emp-not-inc,386397, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,96798, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,55, ?,106707, Assoc-acdm,12, Married-civ-spouse, ?, Husband, Black, Male,0,0,20, United-States +<=50K,29, Private,159768, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,3325,0,40, Ecuador +<=50K,50, Private,139464, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, Ireland +>50K,64, State-gov,550848, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,68505, 9th,5, Divorced, Other-service, Not-in-family, Black, Male,0,0,37, United-States +<=50K,20, Private,122215, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,52, United-States +<=50K,30, Private,159442, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,80638, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, China +>50K,52, Private,192390, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,191324, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,25, United-States +<=50K,77, ?,147284, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,14, United-States +<=50K,19, State-gov,73009, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +>50K,52, Private,177858, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,55, United-States +<=50K,42, Private,163003, Bachelors,13, Married-spouse-absent, Tech-support, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,35, Private,95551, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,27, Private,125298, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,54, State-gov,198186, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +<=50K,37, Private,295949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,40, United-States +<=50K,37, Private,182668, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,124905, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,63, Private,171635, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,376240, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,42, United-States +<=50K,28, Private,157391, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,23, ?,114357, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,178134, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,207201, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,124483, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,64, Private,102103, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +>50K,40, Private,92036, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,236426, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, Private,400966, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,404573, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,35, Private,227571, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,145917, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,35, Local-gov,190226, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,356555, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,28, Private,66473, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,37, ?,172256, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,72, ?,118902, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,2392,6, United-States +<=50K,25, Self-emp-inc,163039, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Private,89559, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, ?,35507, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,31, Private,163303, Assoc-voc,11, Divorced, Sales, Own-child, White, Female,0,0,38, United-States +<=50K,41, Private,192712, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,31, Private,381153, 10th,6, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,222434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,34706, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,47, United-States +<=50K,57, Self-emp-not-inc,47857, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,195216, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,44, Self-emp-inc,103643, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,60, Greece +<=50K,29, Local-gov,329426, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,183612, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +>50K,40, Private,184105, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,211385, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Black, Male,0,0,35, Jamaica +<=50K,21, Private,61777, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +>50K,34, Self-emp-not-inc,320194, Prof-school,15, Separated, Prof-specialty, Unmarried, White, Male,0,0,48, United-States +<=50K,24, Private,199444, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,15, United-States +<=50K,28, Private,312588, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,168675, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,35, Private,87556, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, State-gov,220421, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Federal-gov,404599, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,39, Private,99065, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Poland +<=50K,57, Local-gov,109973, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,246652, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,57423, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,291248, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +<=50K,50, Private,163708, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,240358, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,28, Private,25955, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,44, Private,101593, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Self-emp-not-inc,227890, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,225053, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,27, Private,228472, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,245378, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,50, Self-emp-inc,156623, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688,0,50, Philippines +>50K,27, Private,35032, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,258849, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,190115, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,63910, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,510072, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,210867, 11th,7, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,263024, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,306785, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-inc,104333, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,66, Private,340734, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,288585, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,20, South +<=50K,38, Private,241765, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,60, United-States +<=50K,25, Private,111058, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,104662, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,22, United-States +<=50K,90, Private,313986, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,41, Local-gov,52037, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, ?,146589, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,131776, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,914,0,40, Germany +<=50K,33, Private,254221, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,152909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +<=50K,39, Self-emp-not-inc,211785, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,20, United-States +<=50K,59, Private,160362, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,387215, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,1719,16, United-States +<=50K,39, Private,187046, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,38, United-States +<=50K,19, ?,208874, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,169631, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,202956, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,80467, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,28, Private,407672, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,243425, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,50, Peru +<=50K,50, ?,174964, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +>50K,36, Private,347491, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,34, Private,146161, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,449432, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,175499, 11th,7, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,288825, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,2258,84, United-States +<=50K,27, Local-gov,134813, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,52, United-States +<=50K,31, Local-gov,190401, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,260617, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,36, United-States +<=50K,31, Private,45604, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +>50K,59, Private,67841, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,244522, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,48, United-States +<=50K,19, Private,430471, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,194698, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,94235, Bachelors,13, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,57, Private,188330, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,78, United-States +<=50K,51, Local-gov,146181, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,177125, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +<=50K,30, Self-emp-inc,68330, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,95636, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Private,238329, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,52, Private,416129, Preschool,1, Married-civ-spouse, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,23, Private,285004, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, Taiwan +<=50K,90, ?,256514, Bachelors,13, Widowed, ?, Other-relative, White, Female,991,0,10, United-States +<=50K,25, Private,186294, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,188786, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,38, State-gov,31352, Some-college,10, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,22, Private,197613, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,33, Local-gov,161942, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,1055,0,40, United-States +>50K,34, Private,275438, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,65, Private,361721, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,144968, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,15, United-States +<=50K,29, Private,190539, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,6849,0,48, United-States +<=50K,25, Private,178037, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,306985, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,87928, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,242619, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,154165, 9th,5, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,511331, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,65, Local-gov,221026, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,56, Self-emp-not-inc,222182, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,39, Self-emp-not-inc,126569, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,23, Private,202344, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,190423, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,238917, 5th-6th,3, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, El-Salvador +>50K,41, Private,221947, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,40, Self-emp-inc,37997, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,55, Private,147098, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,278253, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,23, Private,195411, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,76196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,120131, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,20, Self-emp-not-inc,186014, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, Germany +<=50K,29, Private,205903, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,125405, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,219838, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,19395, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,31, Private,223327, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,114062, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,95654, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, Iran +<=50K,38, Private,177305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,66, ?,299616, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,117681, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,237651, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,33, State-gov,150570, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, State-gov,106705, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,50, United-States +<=50K,20, ?,174714, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,47, Self-emp-inc,175958, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,3325,0,60, United-States +>50K,33, Private,144064, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,66, ?,107112, 7th-8th,4, Never-married, ?, Other-relative, Black, Male,0,0,30, United-States +<=50K,20, Private,54152, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, ? +<=50K,28, Private,152951, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,190487, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,28, Ecuador +<=50K,25, Private,306666, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,45, United-States +<=50K,37, Private,195148, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,3137,0,40, United-States +<=50K,31, Self-emp-not-inc,226624, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,157569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,22966, Some-college,10, Married-spouse-absent, Tech-support, Unmarried, White, Male,0,0,20, United-States +>50K,52, Private,379682, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +<=50K,29, Private,446559, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,18, Private,41794, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,31, Local-gov,90409, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,125491, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Vietnam +>50K,27, ?,129661, Assoc-voc,11, Married-civ-spouse, ?, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,104748, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,50, Local-gov,169182, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,49, Dominican-Republic +>50K,46, Private,324655, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, ? +<=50K,24, Private,122272, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,17, ?,114798, 11th,7, Never-married, ?, Own-child, White, Female,0,0,18, United-States +<=50K,49, Self-emp-inc,289707, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,54, Local-gov,137691, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,84610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,49, Private,166789, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,348728, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,348092, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, Haiti +<=50K,63, Private,154526, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,67, Private,288371, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Canada +<=50K,23, Private,182342, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,244366, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,66, Private,102423, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,259688, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,98733, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +<=50K,35, Private,174856, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2885,0,40, United-States +<=50K,67, Self-emp-not-inc,141797, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,327202, 12th,8, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,76996, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,38, United-States +<=50K,34, Private,260560, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,370990, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,129010, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,21, Private,452640, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, Self-emp-inc,120796, 9th,5, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Federal-gov,45334, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,70, ? +<=50K,26, Private,229523, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,56, United-States +<=50K,18, Private,127388, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,18, ?,395567, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,119422, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1672,50, United-States +<=50K,59, Private,193895, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Private,163083, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,14084,0,45, United-States +<=50K,33, Self-emp-not-inc,155343, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,72, United-States +<=50K,25, Private,73895, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,48, Private,107682, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,10, United-States +<=50K,64, Private,321166, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,5, United-States +>50K,47, Local-gov,154940, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,103700, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,63509, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,243842, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,54, ?,187221, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,58597, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,44, United-States +<=50K,41, Self-emp-not-inc,190290, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, ?,158352, Masters,14, Never-married, ?, Not-in-family, White, Female,8614,0,35, United-States +<=50K,34, Private,62165, Some-college,10, Never-married, Sales, Other-relative, Black, Male,0,0,30, United-States +<=50K,20, ?,307149, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,24, Private,280134, 10th,6, Never-married, Sales, Not-in-family, White, Male,0,0,49, El-Salvador +<=50K,26, Private,118736, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,171114, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,35, Private,169638, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,36, United-States +>50K,41, Private,125461, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,145434, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,152182, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,27, Self-emp-inc,233724, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,32, Private,153963, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,51, Local-gov,88120, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,38, Private,96330, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,66118, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,25, United-States +<=50K,26, Private,182178, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,38, Self-emp-not-inc,53628, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Male,0,0,35, United-States +>50K,54, Private,174865, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,66194, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, Outlying-US(Guam-USVI-etc) +<=50K,31, Private,73796, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,26, State-gov,28366, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,75, Self-emp-not-inc,231741, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,4931,0,3, United-States +<=50K,29, Private,237865, Masters,14, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,61, Private,195453, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,116934, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,22, ?,87867, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,456399, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,263608, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,263498, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,183765, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,27, Federal-gov,469705, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,1980,40, United-States +>50K,39, Local-gov,113253, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,20, Private,138768, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,302146, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Private,253866, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,28, Federal-gov,214858, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,43, Private,243476, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,169104, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,103218, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,57233, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,228320, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,217421, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,46, Private,185041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +>50K,27, Self-emp-not-inc,37302, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,70, United-States +<=50K,32, Private,261059, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,59767, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,333541, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,20, Private,133352, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,36, Private,99270, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +>50K,49, Private,204629, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,32, Private,34104, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,55, United-States +>50K,32, Private,312667, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,49, Private,329603, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,36, Private,281021, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,275385, Some-college,10, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,52, Federal-gov,129177, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,385591, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,201179, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,72, Private,38360, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,16, United-States +<=50K,30, Local-gov,73796, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,67671, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,257621, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,180052, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,656036, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Male,0,0,60, United-States +<=50K,46, Private,215943, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,488720, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,64, Federal-gov,199298, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,30, Puerto-Rico +<=50K,31, Private,305692, Some-college,10, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +<=50K,64, Private,114994, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,45, Private,88265, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,168569, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,32, Private,175413, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,43, Private,161226, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,66, ?,160995, 10th,6, Divorced, ?, Not-in-family, White, Female,1086,0,20, United-States +<=50K,23, Private,208598, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, Self-emp-not-inc,200471, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,256609, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,49, Private,176684, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,206512, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,212640, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,85, United-States +<=50K,47, Private,148724, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,266510, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,34, Local-gov,240252, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,358975, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,20, ?,124242, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,434710, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,25, Private,204338, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,30, ? +<=50K,46, Private,241844, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,191342, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,41, Private,221947, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,44, Private,111483, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,1504,50, United-States +>50K,30, Private,65278, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,133403, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,166416, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,58, ?,142158, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,21, Private,221480, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,25, Ecuador +>50K,35, Self-emp-not-inc,189878, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,278403, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,19, Private,184710, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,48, Private,177775, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, ?,275943, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Nicaragua +<=50K,65, Self-emp-not-inc,225473, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,289403, Bachelors,13, Separated, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +<=50K,26, Private,269060, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,449354, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,214413, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,80058, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,35, Private,202027, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,22, Self-emp-not-inc,123440, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,37, Private,191524, Assoc-voc,11, Separated, Prof-specialty, Own-child, White, Female,0,0,38, United-States +<=50K,25, Private,308144, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,64, Private,164204, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,53, ? +>50K,46, Private,205100, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,195750, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,27, United-States +>50K,63, Private,149756, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Local-gov,240358, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,68, Self-emp-not-inc,241174, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +<=50K,36, Private,356838, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Canada +<=50K,28, Self-emp-inc,115705, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Local-gov,137142, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,296066, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,401335, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,33, ?,182771, Bachelors,13, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,80, Philippines +>50K,34, Self-emp-inc,186824, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,46, Federal-gov,162187, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,98010, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,172538, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,18, Private,80163, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,33, Local-gov,43959, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,51, Private,162632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,56, Self-emp-not-inc,115422, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,54, Private,100933, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,270379, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Private,20109, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Female,0,0,84, United-States +>50K,53, Private,114758, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +<=50K,22, Private,100345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,33, Private,184901, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,87239, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,63, Private,127363, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,12, United-States +>50K,53, Federal-gov,199720, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, Germany +<=50K,37, Private,143058, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, Federal-gov,36489, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,141698, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,26358, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,22, Private,195532, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,40, United-States +<=50K,21, Private,30039, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,125159, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, Jamaica +<=50K,20, Private,246250, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,77370, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,355569, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,32, Private,180603, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Private,201785, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,256211, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,27, Private,146764, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,22, ?,211968, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, Iran +<=50K,29, Private,200515, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,29, Private,52636, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,27049, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,111128, 10th,6, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,31, Self-emp-not-inc,348038, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, Puerto-Rico +<=50K,33, Private,93930, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,67, Private,397831, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1539,40, United-States +<=50K,46, Private,33794, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +>50K,45, Private,178215, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,17, Local-gov,191910, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,340110, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,70, United-States +>50K,48, Self-emp-not-inc,133694, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,49, Private,148398, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,133515, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,181667, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,46, Canada +<=50K,64, Private,159715, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,53, Federal-gov,174040, Some-college,10, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,52, Private,117700, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,37215, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,32, Self-emp-inc,46807, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,48, Self-emp-not-inc,317360, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,30, Private,425627, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,34, Private,82623, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,19, ?,63574, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,39, Private,140854, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,185061, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,17, Private,160118, 12th,8, Never-married, Sales, Not-in-family, White, Female,0,0,10, ? +<=50K,54, Private,282680, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,137591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,1762,40, United-States +<=50K,25, Private,198163, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,132749, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,12, United-States +>50K,48, Local-gov,31264, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,5178,0,40, United-States +<=50K,24, Private,399449, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,27494, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, Taiwan +>50K,47, Private,368561, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,102096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,19, Private,406078, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,52, Self-emp-inc,100506, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,52, Private,29658, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,20469, HS-grad,9, Never-married, ?, Other-relative, Asian-Pac-Islander, Female,0,0,12, South +<=50K,60, Private,181953, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,28, United-States +>50K,43, Private,304175, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,170070, Assoc-acdm,12, Divorced, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,20, ?,193416, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,194908, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,357962, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,214716, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,40, Self-emp-inc,207578, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,146409, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,341643, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,50, United-States +<=50K,52, Private,131631, 11th,7, Separated, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,53, Private,88842, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,56, ?,128900, Some-college,10, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,417136, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,336763, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,880,42, United-States +<=50K,29, Private,209301, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,120986, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,65, United-States +<=50K,27, Private,51025, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,218281, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,64, Private,114994, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,18, United-States +<=50K,53, Private,335481, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,32, United-States +<=50K,21, Private,174503, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Self-emp-not-inc,230478, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,52, State-gov,149650, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,38, Private,149419, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, ?,341539, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Private,185099, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,56, ?,132930, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,50, United-States +>50K,68, Private,128472, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,124971, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +>50K,40, Self-emp-inc,344060, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,286750, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,99, United-States +<=50K,38, Private,296999, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +>50K,45, Private,123681, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,232024, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,55, United-States +>50K,57, Local-gov,52267, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,119182, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,25, Private,191230, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Yugoslavia +<=50K,52, Federal-gov,23780, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,184553, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +<=50K,26, Self-emp-inc,242651, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,19, Private,246226, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Self-emp-inc,86745, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,25, Private,106889, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,21, Private,460835, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,45, United-States +<=50K,48, Self-emp-not-inc,213140, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,33, State-gov,37070, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Canada +<=50K,31, State-gov,93589, HS-grad,9, Divorced, Protective-serv, Own-child, Other, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,213258, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,65, United-States +<=50K,37, State-gov,46814, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,29, ?,168873, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,284737, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,309620, Some-college,10, Married-civ-spouse, Sales, Husband, Other, Male,0,0,60, ? +<=50K,49, Private,197418, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,73, ?,132737, 10th,6, Never-married, ?, Not-in-family, White, Male,0,0,4, United-States +>50K,49, Private,185041, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,51, Private,159604, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,123557, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,275421, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,167147, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +>50K,41, Private,197583, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,175109, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,46, Private,117502, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,64, Private,180401, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,146603, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, State-gov,143822, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,21, Private,51985, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, State-gov,48121, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +>50K,37, Private,234807, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,7430,0,45, United-States +>50K,39, Federal-gov,65324, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,30, Private,302149, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,25, Private,168403, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1741,40, United-States +<=50K,26, Private,159897, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Private,416338, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,59, Private,370615, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,27, Private,219371, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, Jamaica +>50K,55, Private,120970, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,22966, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,12, Canada +<=50K,25, Private,34541, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, Canada +<=50K,28, Private,191027, Assoc-acdm,12, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,107458, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,60, Private,121832, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,233825, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,25, Private,73839, 11th,7, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,109165, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,50, State-gov,103063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,29762, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,5013,0,70, United-States +<=50K,46, Private,111979, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,35, Private,150125, Assoc-voc,11, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, ?,301853, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, ?,296738, 11th,7, Separated, ?, Not-in-family, White, Female,6849,0,60, United-States +<=50K,40, Private,118001, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,49, Private,149337, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,36601, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Local-gov,118600, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,625,40, United-States +<=50K,39, Private,279272, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,60, United-States +<=50K,35, Private,181020, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +<=50K,52, Private,165998, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,218136, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,20, Self-emp-inc,182200, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,39363, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,10, ? +<=50K,24, Private,140001, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,193260, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,30, India +<=50K,21, Private,191243, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,207887, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Female,0,0,50, United-States +<=50K,43, Federal-gov,211450, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,184759, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,26, United-States +<=50K,47, Private,197836, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,61, Private,232308, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,21, ?,189888, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,55, United-States +<=50K,35, Private,301614, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,146674, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,225291, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Local-gov,148509, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,35, India +<=50K,56, Private,136413, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,73064, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,35, United-States +<=50K,19, Private,39026, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Self-emp-not-inc,33035, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,193494, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,147440, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, ?,153131, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,64671, HS-grad,9, Divorced, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,35, Self-emp-not-inc,225399, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,8614,0,40, United-States +<=50K,20, Private,174391, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,48, Private,377757, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,30, Local-gov,364310, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, Germany +>50K,31, Private,110643, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,70240, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,24, Philippines +>50K,57, State-gov,32694, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,41, Private,95047, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,44, United-States +<=50K,33, Private,264936, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,367329, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,34, Private,56026, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,186452, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,50, Private,125417, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +>50K,40, Self-emp-not-inc,242082, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,31023, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +<=50K,40, ?,397346, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,424079, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,38, Self-emp-not-inc,108947, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,25, State-gov,261979, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,55507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,22, ?,291407, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,353358, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,41, Private,67339, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +<=50K,33, Private,235109, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,208180, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, State-gov,423561, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,145290, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,24, Private,403671, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Local-gov,49325, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,370494, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,25, Private,267012, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,191856, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,80445, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,379798, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,168387, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,301948, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,34095,0,3, United-States +<=50K,36, Private,274809, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,58, Private,233193, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,27, United-States +>50K,34, Private,299635, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,19, Private,236396, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,688355, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,37019, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,148015, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024,0,40, United-States +<=50K,43, Private,122975, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,21, Trinadad&Tobago +<=50K,52, State-gov,349795, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,229846, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,40, ? +<=50K,43, Private,108945, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,22, Private,237498, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,188872, 5th-6th,3, Divorced, Transport-moving, Unmarried, White, Male,6497,0,40, United-States +<=50K,37, Private,324019, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,82488, Some-college,10, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,38, United-States +>50K,54, Private,206964, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,37088, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,152540, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,65, Private,143554, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,30, Private,126242, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,127185, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,164018, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4064,0,50, United-States +<=50K,25, Private,210184, 11th,7, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,35, ?,117528, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,47, Private,124973, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,23, Private,182117, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +>50K,42, Private,220049, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,247975, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,55, Private,50164, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, State-gov,123160, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,10, China +>50K,46, Self-emp-inc,219962, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, ? +>50K,53, Private,79324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,129100, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,60, United-States +<=50K,40, Private,210275, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,189462, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,171114, Assoc-voc,11, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,22, Private,201799, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,35, ?,200426, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,12, United-States +<=50K,20, ?,24395, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,43, Private,191149, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Local-gov,34173, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,30, Private,350979, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,41, Private,147314, HS-grad,9, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,38, Private,136081, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,77, ?,232894, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,373403, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,120601, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,130926, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,32, Federal-gov,72338, Assoc-voc,11, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,27, Private,129624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, State-gov,328697, Some-college,10, Divorced, Protective-serv, Other-relative, White, Male,0,0,45, United-States +<=50K,40, Private,191196, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,191117, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,49, Private,110243, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,181580, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,29, Private,89030, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,47, Private,345493, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,55, Taiwan +<=50K,24, Self-emp-not-inc,277700, Some-college,10, Separated, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,58, ?,198478, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,29, Private,250679, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,168837, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,24, Canada +<=50K,30, Private,142675, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,299050, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,59, Private,107833, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1485,40, United-States +<=50K,47, Private,121958, 7th-8th,4, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,41, Private,282948, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,3137,0,40, United-States +<=50K,28, Private,176683, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, France +>50K,46, Private,34377, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,209833, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,66, State-gov,41506, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,30, Local-gov,125159, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,14084,0,45, ? +<=50K,44, Self-emp-not-inc,147206, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,12, United-States +>50K,58, Self-emp-not-inc,93664, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,21, Private,315065, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,48, Mexico +<=50K,59, Private,381851, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Local-gov,185769, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, Private,186272, 9th,5, Married-civ-spouse, Adm-clerical, Husband, Black, Male,5178,0,40, United-States +<=50K,30, Private,312667, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,343925, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,26, Private,195994, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,48, Private,398843, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,31, Private,73514, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,36, Private,288049, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,54759, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,30, Private,155343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,33, Private,401104, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,124884, 9th,5, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +>50K,37, Local-gov,287306, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,99999,0,40, ? +>50K,53, Private,113995, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,146378, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, ? +>50K,38, Private,111499, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,34, Private,34374, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,162187, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,33, Local-gov,147654, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,182467, Assoc-voc,11, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,44, United-States +<=50K,22, Private,183970, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,35, Private,332588, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,45, Private,26781, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,8, United-States +<=50K,17, Private,48610, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,50, Private,162632, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,38, Local-gov,91711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,33, Private,198003, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,46, Private,179048, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, ? +<=50K,25, Private,262778, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,6849,0,50, United-States +<=50K,64, Private,102470, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,123170, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +>50K,32, Private,164243, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,262511, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,51170, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,40, State-gov,91949, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,21, Private,123727, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +>50K,39, Private,173175, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,35, Self-emp-not-inc,120301, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,250967, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,285432, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,36235, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,34, ?,317219, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,51, Local-gov,110965, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,123283, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,15, United-States +<=50K,20, ?,249087, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,152940, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,376680, HS-grad,9, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,56, Private,231232, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, Canada +>50K,55, Self-emp-not-inc,168625, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,12, United-States +<=50K,26, Private,33939, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +>50K,46, Private,155659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,32, Local-gov,190228, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,216178, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,587310, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,35, Guatemala +<=50K,23, Private,155919, 9th,5, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,59, Private,227386, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,138152, 12th,8, Never-married, Craft-repair, Other-relative, Other, Male,0,0,48, Guatemala +<=50K,36, Private,167482, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,57957, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,33, Private,157747, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,70, United-States +>50K,60, Self-emp-not-inc,88570, Assoc-voc,11, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,15, Germany +<=50K,40, Private,273308, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,48, Mexico +<=50K,48, Private,216292, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,43, United-States +<=50K,27, Self-emp-not-inc,131298, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,386378, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,179668, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,210812, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,43, United-States +<=50K,45, Federal-gov,311671, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +<=50K,20, Private,215247, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,32, Federal-gov,125856, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,74631, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,13, United-States +<=50K,22, Private,24008, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, State-gov,354591, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,114,0,38, United-States +>50K,34, Private,155343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,50, United-States +<=50K,46, Private,308334, 1st-4th,2, Widowed, Other-service, Unmarried, Other, Female,0,0,30, Mexico +<=50K,39, Private,245361, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,79, Self-emp-not-inc,158319, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +>50K,60, ?,204486, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,24, Private,314823, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, Dominican-Republic +<=50K,31, Private,211334, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,65, United-States +<=50K,37, Self-emp-not-inc,73199, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,3137,0,77, Vietnam +<=50K,23, Private,126550, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,31, Private,260782, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,45, El-Salvador +>50K,29, Private,114224, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,64292, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,43, United-States +<=50K,69, ?,628797, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,55, Local-gov,219775, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,43, Private,212894, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,23, Private,260019, 7th-8th,4, Never-married, Farming-fishing, Unmarried, Other, Male,0,0,36, Mexico +<=50K,29, Private,228075, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,35, Mexico +<=50K,22, Private,239806, Assoc-voc,11, Never-married, Other-service, Other-relative, White, Female,0,0,40, Mexico +<=50K,22, Private,324637, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +>50K,25, Private,163620, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,84, United-States +<=50K,29, Private,194200, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,25, State-gov,129200, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Federal-gov,207172, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,135312, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,100734, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,28, United-States +>50K,30, Local-gov,226443, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,45, United-States +<=50K,55, Private,110871, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,192704, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,4650,0,50, United-States +<=50K,47, ?,224108, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,78870, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,8614,0,40, United-States +>50K,42, Private,107762, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,183611, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, Germany +<=50K,62, Local-gov,249078, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,65, Self-emp-inc,208452, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,302195, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,199947, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +>50K,47, Private,379118, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,50, Self-emp-inc,174855, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,70, ?,173736, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,32, Self-emp-not-inc,39369, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,196348, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,31, Private,340917, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,14344,0,40, United-States +<=50K,76, Private,97077, 10th,6, Widowed, Sales, Unmarried, Black, Female,0,0,12, United-States +<=50K,54, Private,200098, Bachelors,13, Divorced, Sales, Not-in-family, Black, Female,0,0,60, United-States +>50K,32, Federal-gov,127651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,315128, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,52, United-States +>50K,31, Federal-gov,206823, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Self-emp-not-inc,316093, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,1668,40, United-States +>50K,30, Private,112115, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, Ireland +<=50K,63, ?,203821, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,250051, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +>50K,40, Federal-gov,298635, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1902,40, Philippines +<=50K,26, State-gov,109193, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,130849, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,34, Local-gov,43959, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,66, Local-gov,222810, Some-college,10, Divorced, Other-service, Other-relative, White, Female,7896,0,40, ? +<=50K,44, Self-emp-not-inc,27242, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,30, Private,53158, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,206520, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,164190, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,287988, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, ?,200819, 7th-8th,4, Divorced, ?, Own-child, White, Male,0,0,84, United-States +<=50K,23, Private,83891, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,49, Private,65087, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,39, Self-emp-not-inc,363418, Bachelors,13, Separated, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,67, ?,182378, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,9386,0,60, United-States +<=50K,19, Private,278870, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,30, Private,174789, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,50, United-States +<=50K,25, Private,228608, Some-college,10, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, Cambodia +<=50K,24, Private,184400, HS-grad,9, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,30, ? +<=50K,46, Private,263568, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,117381, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,41, Federal-gov,83411, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,49156, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,44, Private,421449, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,238944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,58, Private,188982, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,20, United-States +<=50K,48, Private,175925, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,34, Private,164190, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,232914, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,46, Self-emp-inc,120121, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Local-gov,180805, HS-grad,9, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,59, Local-gov,161944, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,29, Private,319149, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +<=50K,50, ?,22428, Masters,14, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,290528, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,123984, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,48, Private,34186, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,51, Federal-gov,282680, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,70, United-States +>50K,36, Private,183892, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,8614,0,45, United-States +>50K,42, Local-gov,195124, 11th,7, Divorced, Sales, Unmarried, White, Male,7430,0,50, Puerto-Rico +>50K,49, State-gov,55938, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,209900, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +>50K,40, Private,179717, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1564,60, United-States +<=50K,26, Private,150361, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,69, ?,164102, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Private,252714, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, Italy +<=50K,30, Private,205204, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Local-gov,168906, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,30, Private,112115, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,116531, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,202994, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,16, United-States +<=50K,56, Private,191917, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,4101,0,40, United-States +<=50K,24, Private,341294, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,216734, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,51, Private,182187, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,35, United-States +<=50K,34, Private,424988, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,379118, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,9, United-States +>50K,47, Private,168232, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,147171, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +>50K,34, Self-emp-inc,207668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,54, ? +<=50K,31, Private,193650, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,200187, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,52, Private,188644, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,56, Private,398067, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,29658, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,26, Private,154966, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,81, Private,364099, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,28, ?,291374, 10th,6, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Federal-gov,97837, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,34, Private,117983, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, ?,345497, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,64167, Assoc-voc,11, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,315877, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,2001,40, United-States +<=50K,68, Federal-gov,232151, Some-college,10, Divorced, Adm-clerical, Other-relative, Black, Female,2346,0,40, United-States +<=50K,60, Private,225526, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,37, Federal-gov,289653, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,179462, 7th-8th,4, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,67317, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,77764, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,253438, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,150309, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,47, Self-emp-not-inc,83064, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,60, Self-emp-not-inc,376973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,75, Private,311184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,43, Local-gov,159449, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,168288, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,1092,40, Philippines +<=50K,20, Private,275190, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,189838, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Self-emp-inc,101338, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,43, Private,331894, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,18, Self-emp-not-inc,40293, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Local-gov,88904, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,145041, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Dominican-Republic +>50K,35, Private,46385, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,90, United-States +<=50K,41, State-gov,363591, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,183327, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,1594,20, United-States +>50K,32, State-gov,182556, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,45, United-States +<=50K,33, Private,267859, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, El-Salvador +<=50K,58, Private,190747, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,162869, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,65, United-States +<=50K,33, Private,141229, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,42, Self-emp-not-inc,174216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,25, Private,366416, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,172538, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,35, Private,193026, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,50, Private,184424, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1902,38, United-States +>50K,49, Local-gov,337768, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,179059, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,99549, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,72619, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, State-gov,55764, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,37, Private,30267, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,25, Private,308144, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,29, Private,206351, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,26, Private,282304, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, ?,176077, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,45, Self-emp-inc,142719, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,114973, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,33, Federal-gov,159548, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,43, Private,91209, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,196564, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-not-inc,149220, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,21, Private,169699, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,218215, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,156718, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,55720, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Self-emp-inc,257250, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,194630, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,398931, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,50, United-States +>50K,37, Self-emp-not-inc,362062, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,44, Local-gov,101593, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,42, United-States +>50K,33, Private,196266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Local-gov,197332, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,97842, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,86837, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,1902,40, United-States +<=50K,17, Private,57324, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,43, Private,116852, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, Portugal +>50K,45, Private,154430, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,10520,0,50, United-States +<=50K,37, Private,38468, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Local-gov,188808, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,177163, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,914,0,50, United-States +<=50K,41, Private,187322, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,107578, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,2174,0,40, United-States +<=50K,38, Private,168680, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,256755, Bachelors,13, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,40, Cuba +>50K,35, Private,360799, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,18, Private,188476, 11th,7, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +<=50K,47, Private,30457, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,252752, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,41, Self-emp-not-inc,443508, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,244408, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,24, Vietnam +<=50K,41, Private,178983, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,143068, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407,0,50, United-States +<=50K,30, Local-gov,247328, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,201732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,246829, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,28, ?,290267, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,18, United-States +<=50K,29, Private,119170, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,207923, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,48, State-gov,170142, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,187164, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,60, United-States +<=50K,34, Local-gov,303867, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,291429, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,32, Private,213179, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, State-gov,111843, Assoc-acdm,12, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,297154, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2407,0,40, United-States +>50K,47, Federal-gov,68493, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,46, Federal-gov,340718, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,194059, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,47296, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1740,20, United-States +<=50K,28, State-gov,286310, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,207202, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,33, Self-emp-inc,132601, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,139183, 10th,6, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,41, Private,160785, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,117849, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,38, Local-gov,225605, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,24, Private,190290, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,49, Private,164799, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,60, Federal-gov,21876, Some-college,10, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,44, Private,160785, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,63, Self-emp-inc,272425, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,168538, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,45, Self-emp-inc,204205, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,49, Private,142287, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,50, United-States +<=50K,36, Private,169926, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Local-gov,205024, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,8, United-States +<=50K,41, Private,374764, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,0,0,20, United-States +<=50K,25, Private,108779, Masters,14, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,293136, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,60, Private,227332, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Local-gov,246308, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, Puerto-Rico +>50K,28, Private,51331, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,16, United-States +<=50K,31, Private,153078, Assoc-acdm,12, Never-married, Craft-repair, Own-child, Other, Male,0,0,50, United-States +<=50K,47, Private,169180, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Self-emp-not-inc,193451, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,305147, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,138892, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,402397, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,60, United-States +<=50K,34, Private,223267, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,19, Private,29250, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +>50K,51, ?,203953, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,46, State-gov,29696, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,30, Private,315640, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,40, China +<=50K,37, Private,632613, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, Mexico +>50K,56, Private,282023, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,77760, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,46, Self-emp-not-inc,148599, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,414994, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,339863, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,8614,0,48, United-States +<=50K,34, Private,499249, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,45, ?,144354, 9th,5, Separated, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,41, Private,252058, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, ?,99543, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,34, Private,117963, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,194652, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,299705, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,37, United-States +<=50K,19, Federal-gov,27433, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,47, Local-gov,39986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,135342, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,270142, Assoc-voc,11, Separated, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +<=50K,33, Self-emp-not-inc,118267, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,29, Private,266043, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,35633, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,74568, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,214816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,222971, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +>50K,31, Private,259425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,212120, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,245880, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,58, Local-gov,54947, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,47, Self-emp-inc,79627, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,50, United-States +<=50K,55, Private,151474, Bachelors,13, Never-married, Tech-support, Other-relative, White, Female,0,1590,38, United-States +<=50K,26, Private,132661, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,5013,0,40, United-States +<=50K,28, Private,161674, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,62346, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,227236, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,283033, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Self-emp-not-inc,298249, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,10605,0,40, United-States +<=50K,42, Private,251229, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,199949, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,13, United-States +<=50K,23, State-gov,305498, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,203836, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, State-gov,79440, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,30, Japan +>50K,48, Local-gov,142719, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,119859, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,141410, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,44, Local-gov,202872, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,27, Private,198813, HS-grad,9, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Federal-gov,129707, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,445758, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,18, ?,30246, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,173981, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,108506, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,34, Private,134886, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,181970, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1672,40, United-States +<=50K,57, Self-emp-inc,282913, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Cuba +>50K,59, Local-gov,196013, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Federal-gov,348491, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,52, Private,416164, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,49, Mexico +<=50K,17, Private,121037, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,103111, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, Canada +>50K,63, Self-emp-not-inc,147589, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,24008, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,24, United-States +>50K,42, Self-emp-inc,123838, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,50, Self-emp-not-inc,175456, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,84774, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,30, United-States +<=50K,27, Private,194590, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,25, United-States +<=50K,28, Private,134566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,211678, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,44, Federal-gov,44822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, State-gov,144586, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,119156, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,371987, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, State-gov,144125, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Private,31905, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,48, Self-emp-not-inc,121124, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,46, Private,58126, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,318518, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,296509, 7th-8th,4, Separated, Farming-fishing, Not-in-family, White, Male,0,0,45, Mexico +>50K,32, Private,473133, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,155434, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,52, Private,99185, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,39, Private,56648, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,47, United-States +>50K,57, Local-gov,118481, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,21, Private,321666, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,594,0,40, United-States +<=50K,22, State-gov,119838, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,26, Private,330695, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,58039, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,44, Private,313022, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,178134, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,165309, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,22, Private,216181, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,62, Private,178745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,111067, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,163788, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,295591, 1st-4th,2, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,45, Private,123075, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,78045, 11th,7, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,32, Local-gov,255004, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Private,254221, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,20, Private,174714, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,15, United-States +<=50K,68, Self-emp-not-inc,450580, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,61, Private,128230, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,48, Private,192894, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,325390, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,20333, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,7688,0,40, United-States +<=50K,32, Federal-gov,128714, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,32, United-States +<=50K,35, Private,170797, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,269186, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,127671, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,211840, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,16, United-States +<=50K,37, Private,163392, HS-grad,9, Never-married, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,40, Private,201495, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,251854, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,41, Private,279297, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,60, United-States +>50K,52, Self-emp-not-inc,195462, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,98, United-States +<=50K,33, Private,170769, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,142443, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,25, Self-emp-not-inc,182809, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,53, Private,121441, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,275094, 1st-4th,2, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,35, Private,170263, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,172571, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,58, Poland +<=50K,34, Private,178615, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,279524, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, State-gov,165201, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,65, Local-gov,323006, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,29, Private,235168, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,39, Self-emp-inc,114844, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +>50K,46, Local-gov,216414, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,34378, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,2580,0,60, United-States +>50K,47, State-gov,80914, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,47, United-States +<=50K,62, Private,73292, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,212165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,90, Private,52386, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,33, Private,205649, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,57, Private,109638, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,45, United-States +<=50K,25, Private,200408, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,187720, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,236180, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,118693, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,363130, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,18, United-States +<=50K,39, Private,225544, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Poland +<=50K,59, Federal-gov,243612, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,160786, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,49, Private,234320, 7th-8th,4, Never-married, Prof-specialty, Other-relative, Black, Male,0,0,45, United-States +<=50K,34, Private,314646, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,124971, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,209184, Bachelors,13, Married-civ-spouse, Sales, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,39, State-gov,121838, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,265275, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Private,71417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,34, Private,45522, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Local-gov,250135, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,55, United-States +<=50K,18, Private,120283, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,20, Private,216972, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,116791, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,55, State-gov,26290, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,38, United-States +<=50K,22, Private,216134, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,143932, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,217120, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, State-gov,223944, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,185452, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, Canada +<=50K,57, Local-gov,44273, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,178983, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,219288, 7th-8th,4, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,349190, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,49, Self-emp-inc,158685, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2377,40, United-States +<=50K,41, Federal-gov,57924, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,40, State-gov,270324, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,30, United-States +>50K,38, Private,33001, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,58, Private,204021, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, Canada +<=50K,26, Private,192506, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,57, Private,372967, 10th,6, Divorced, Adm-clerical, Other-relative, White, Female,0,0,70, Germany +<=50K,28, Private,273929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1628,60, United-States +<=50K,42, Private,195821, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,56179, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,55, United-States +<=50K,17, ?,127003, 9th,5, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,124090, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,199600, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,42, Private,255847, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,48, United-States +<=50K,51, Self-emp-not-inc,218311, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,27, Private,167336, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,41, Private,59938, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,28, Private,263728, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,278230, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Female,10520,0,30, United-States +<=50K,73, ?,180603, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,49, Private,43910, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +>50K,47, Private,190139, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,109001, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +>50K,42, Local-gov,159931, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,32, Private,194987, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,32, Local-gov,87310, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,41, United-States +<=50K,27, Private,133937, Masters,14, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,207064, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,36011, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Federal-gov,168294, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +>50K,49, Local-gov,194895, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,40, United-States +<=50K,58, Self-emp-not-inc,49884, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,41, Self-emp-not-inc,27305, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,229977, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,64520, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +>50K,32, ?,134886, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,2, United-States +>50K,37, Private,305379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,202284, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,42, Self-emp-not-inc,99185, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,25, Private,159662, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Male,0,0,26, United-States +<=50K,67, Private,197865, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,175149, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Female,0,0,38, United-States +>50K,49, Local-gov,349633, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,36, Private,135293, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,45, ? +<=50K,18, Private,242893, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,25, Private,218667, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,144811, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,146091, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,99999,0,36, United-States +<=50K,21, Private,206861, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, ? +<=50K,65, Self-emp-not-inc,226215, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,66, Private,114447, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,124187, 11th,7, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,60, United-States +<=50K,51, Private,147954, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3411,0,38, United-States +<=50K,27, Self-emp-inc,64379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,17, Private,156501, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +>50K,32, Private,207668, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,61, ?,161279, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,36, United-States +>50K,38, Private,225707, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Cuba +<=50K,43, Local-gov,115603, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,40, State-gov,506329, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,63, Private,275034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1740,35, United-States +>50K,76, ?,172637, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,42, Private,56483, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Federal-gov,144778, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,76, Self-emp-not-inc,33213, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, ? +>50K,41, Local-gov,297248, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,45, United-States +<=50K,17, Private,137042, 10th,6, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,30, Self-emp-not-inc,33308, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,158420, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, Iran +<=50K,22, Private,41763, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,53, ?,220640, Bachelors,13, Divorced, ?, Other-relative, Other, Female,0,0,20, United-States +<=50K,28, Private,149734, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,52, United-States +<=50K,25, ?,262245, Assoc-voc,11, Never-married, ?, Own-child, White, Female,3418,0,40, United-States +<=50K,24, Private,349691, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +>50K,47, Private,185385, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,174463, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,236068, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,63, ?,445168, Bachelors,13, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,56, United-States +<=50K,25, Private,91334, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,28, Private,33895, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,36, Private,214816, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,229773, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,166386, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,35, Taiwan +>50K,44, Private,266135, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,300379, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +>50K,54, Federal-gov,392502, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,73809, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,193720, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,316183, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,162944, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,186888, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,27, ?,330132, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,24, Private,192017, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,20, State-gov,161978, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,52, Private,202930, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Local-gov,323309, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-inc,197332, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-inc,204033, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, ? +<=50K,22, Private,271274, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,174242, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,209483, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,39, Federal-gov,99146, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,60, United-States +<=50K,52, Self-emp-not-inc,102346, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,25, Private,181666, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,207367, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,40, Cuba +<=50K,35, State-gov,82622, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,50, Private,202296, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,142182, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,48, Federal-gov,94342, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,41493, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, Canada +<=50K,18, Private,181712, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,29, Self-emp-not-inc,164607, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,41496, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,143098, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +>50K,36, Local-gov,196529, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,157332, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,42, United-States +<=50K,30, Local-gov,154935, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,223231, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +<=50K,35, ?,253860, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,362589, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,94880, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,43, Mexico +<=50K,20, Private,309580, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,130389, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, Scotland +<=50K,21, Private,349365, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,376936, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,179557, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,105577, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,51, Private,224207, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,47907, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Self-emp-not-inc,191283, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,57, Private,20953, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,22, State-gov,186569, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,12, United-States +>50K,59, Private,43221, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,161141, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,203003, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,90, Private,141758, 9th,5, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,113322, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,50, Private,343847, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +>50K,45, Private,214068, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Private,116632, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,240160, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,516337, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,23, Self-emp-inc,284651, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,43, United-States +<=50K,39, State-gov,141420, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,42750, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, United-States +>50K,54, Private,165278, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,167265, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,44, Private,139907, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +>50K,31, Self-emp-inc,236415, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,312966, 9th,5, Separated, Handlers-cleaners, Other-relative, White, Male,0,0,40, El-Salvador +>50K,33, Private,118941, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,32, United-States +<=50K,32, Private,198068, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,373952, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,236111, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,55, United-States +<=50K,80, Private,157778, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,21, Private,143604, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,35, Self-emp-not-inc,319831, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,77, ?,132728, Masters,14, Divorced, ?, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,137606, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5013,0,40, United-States +<=50K,35, ?,61343, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,268234, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,100135, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1740,25, United-States +<=50K,53, Self-emp-not-inc,34973, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,323790, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,55, United-States +>50K,57, Private,319733, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,21, ?,180339, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,19, Private,125591, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,60772, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,42, Federal-gov,74680, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Male,0,2001,60, United-States +<=50K,29, Self-emp-not-inc,141185, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,38, ?,204668, Assoc-voc,11, Separated, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,26, Private,273792, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,70037, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,3004,60, ? +<=50K,40, Private,343068, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,177907, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,144063, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,257574, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,42, Self-emp-not-inc,67065, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,183356, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,152940, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,227128, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,45607, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,49, Private,155489, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,230704, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, ?,267955, 9th,5, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,165115, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,49923, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,272240, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,255476, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, Mexico +<=50K,59, Private,194290, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +>50K,52, Private,145548, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,175262, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,45, Local-gov,37306, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,137547, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,53, Private,276515, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, Cuba +<=50K,23, Private,174626, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,35, Private,215310, 11th,7, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,332355, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,204057, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,391591, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,169092, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,230743, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,190963, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,74, ?,204840, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,56, Mexico +<=50K,19, Private,169853, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,212091, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +<=50K,31, Private,202822, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, ?,226989, Some-college,10, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,140011, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,53, United-States +<=50K,20, ?,432376, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, Germany +>50K,35, Private,90273, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,23, Private,224424, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,168943, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,19, Private,571853, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,30, Private,156464, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,108542, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,34, Local-gov,194325, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,114797, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,40135, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2042,40, United-States +<=50K,38, Private,204756, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,228190, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,20, United-States +>50K,33, Private,163392, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,54, Private,138845, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Local-gov,169853, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Never-worked,206359, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,60, Private,224097, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,160786, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,190044, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,145290, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,120268, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,70, United-States +<=50K,17, Private,327434, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,41, Self-emp-inc,218302, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,1184622, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, United-States +>50K,90, Local-gov,227796, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,60, United-States +<=50K,25, Private,206343, HS-grad,9, Never-married, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Private,36851, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,148550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Private,157079, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, ? +<=50K,31, Federal-gov,142470, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,86750, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +>50K,63, Private,361631, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,163229, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,179594, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Private,254773, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,50, United-States +<=50K,26, Private,58065, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,26, Private,205428, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,41183, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,19, ?,308064, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,61, Private,173924, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,23, State-gov,142547, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,119704, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,35, Private,275364, Bachelors,13, Divorced, Tech-support, Unmarried, White, Male,7430,0,40, Germany +<=50K,42, Self-emp-not-inc,207392, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,31, Private,147215, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,21, United-States +<=50K,31, Private,101562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,55, United-States +<=50K,63, Private,216413, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,29, State-gov,188986, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,1590,64, United-States +<=50K,43, State-gov,52849, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,304710, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,10, Vietnam +<=50K,17, Private,265657, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,23, Self-emp-not-inc,258298, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,2231,40, United-States +<=50K,35, Private,360814, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,53260, HS-grad,9, Divorced, Other-service, Unmarried, Other, Female,0,0,28, United-States +>50K,50, Self-emp-inc,127315, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,25, Private,233777, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, ? +<=50K,26, Local-gov,197530, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,340940, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,88432, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,57, Private,183810, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,90, Private,51744, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +>50K,35, Private,175614, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,235237, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,60, Private,227266, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,21, Private,146499, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,1579,40, United-States +<=50K,71, Local-gov,337064, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,141003, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,50, Local-gov,117791, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,172846, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,73514, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,74, Private,211075, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,67, Private,197816, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1844,70, United-States +>50K,59, Private,43221, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,28, Private,183780, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,40, United-States +<=50K,45, Private,26781, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,271550, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,39, Private,250157, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,63, United-States +<=50K,33, State-gov,913447, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,153078, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, South +>50K,34, Private,181091, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,39, Private,231491, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,29, State-gov,95423, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,22, Private,234663, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Private,283602, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,13550,0,43, United-States +<=50K,46, Private,328669, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,51, Private,143741, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,83508, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,2354,0,99, United-States +<=50K,56, State-gov,81954, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,261375, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,52, Private,310045, 9th,5, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,30, China +>50K,39, Private,316211, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Federal-gov,88564, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,37, Private,61299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,113364, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,35, ?,476573, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,46, Private,267107, 5th-6th,3, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, Italy +<=50K,35, Private,48123, 12th,8, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,50, United-States +<=50K,33, Private,214635, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,48, Private,115585, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,194141, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,18, ?,23233, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,89991, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,35, Private,101709, HS-grad,9, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,19, Private,237455, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +<=50K,21, Private,206492, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +<=50K,56, Private,28729, 11th,7, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,153475, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, El-Salvador +<=50K,45, Private,275517, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,128002, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,44, Private,175485, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,12, United-States +>50K,55, Private,189664, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,34, Private,209808, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, Private,176992, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,154669, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,55, United-States +<=50K,25, Private,191271, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,375482, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,102953, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,55, United-States +<=50K,53, Private,169182, 10th,6, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Columbia +<=50K,47, Private,184005, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,3325,0,45, United-States +<=50K,49, Self-emp-inc,30751, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,145477, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,31, Private,91964, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,49249, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,80, United-States +<=50K,19, Private,218956, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,241306, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, ?,251572, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,35, Poland +<=50K,23, Private,319842, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,44, Private,332401, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +<=50K,54, Local-gov,182388, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,205939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,21, Private,203914, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,19, State-gov,156294, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,25, United-States +>50K,51, Private,254211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,41, Private,151504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,61, Private,85548, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,18, United-States +<=50K,19, Self-emp-not-inc,30800, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,22, Private,131230, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,61850, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,227800, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,35, Private,133454, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,104094, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,29, Private,105422, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,142182, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,336643, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,80, United-States +>50K,62, Self-emp-inc,200577, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,208703, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Japan +<=50K,55, ?,193895, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, England +<=50K,25, Private,272428, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,4416,0,42, United-States +>50K,33, Private,56701, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,75, United-States +<=50K,26, Private,288592, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,266439, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Federal-gov,276868, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,131435, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,175127, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,25, Private,277444, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,63296, Masters,14, Divorced, Prof-specialty, Other-relative, Black, Male,0,0,40, United-States +<=50K,28, Private,96337, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,221955, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +<=50K,40, Private,197923, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,2977,0,40, United-States +<=50K,29, Private,632593, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,205970, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,25, United-States +>50K,25, Private,139730, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,18, Private,201901, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,32, State-gov,230224, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,113464, 1st-4th,2, Never-married, Other-service, Own-child, Other, Male,0,0,35, Dominican-Republic +<=50K,48, Private,94461, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,16, United-States +<=50K,20, Private,271379, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,55, Private,231738, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, England +>50K,33, Local-gov,198183, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, State-gov,140764, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,43, Self-emp-not-inc,183479, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,35, Private,165767, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,139364, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,227491, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,25, Private,222254, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,44, Private,193494, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +<=50K,27, Private,29261, Assoc-acdm,12, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,39, Private,174368, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,69, Private,108196, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,110622, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,20, ?,201680, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,37, Private,130277, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Local-gov,98130, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,39, United-States +<=50K,62, ?,235521, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +>50K,34, State-gov,595000, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,349148, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,42, State-gov,117583, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,60, United-States +<=50K,26, Private,164583, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,39, Private,340091, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,75, United-States +<=50K,25, Private,49092, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,54, Local-gov,186884, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,30, United-States +>50K,44, State-gov,167265, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,34, State-gov,34104, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,38, United-States +<=50K,21, Self-emp-inc,265116, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,128378, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, ? +<=50K,33, Private,158416, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Self-emp-inc,169878, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,44, Private,296728, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,342458, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,21, Local-gov,38771, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,269300, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,60, United-States +>50K,43, Private,111483, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,57, ?,199114, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,51, Local-gov,33863, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,132874, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,277024, HS-grad,9, Separated, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,112160, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,703067, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,58, Private,127264, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-inc,257200, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,57206, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,201319, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,114079, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,45, Private,230979, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,292472, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,64, ?,286732, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,134444, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,30, Private,172403, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,46, Private,191357, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,279288, 10th,6, Never-married, ?, Other-relative, White, Female,0,0,30, United-States +>50K,60, Private,389254, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,303867, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,44, United-States +>50K,47, Private,164113, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,40, United-States +<=50K,39, Private,111499, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,266084, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,45, United-States +<=50K,27, Private,61580, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Private,231348, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,164748, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Private,205337, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,54566, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,45, Private,34419, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,59, Private,116442, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,290740, Assoc-acdm,12, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,255582, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,112517, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +>50K,44, Private,169397, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,172664, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,329005, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,123253, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,55, Private,81865, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,173314, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,60, United-States +<=50K,31, Private,34572, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,57, Self-emp-inc,159028, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,30, Private,149184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,78, ?,363134, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,1, United-States +<=50K,28, Private,308709, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,30, Self-emp-not-inc,257295, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,2258,40, South +>50K,29, Private,168479, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,142501, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,3, United-States +>50K,60, Private,338345, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,177675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,262617, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,2597,0,40, United-States +<=50K,24, Private,200997, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +>50K,29, Private,176683, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Private,376072, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,34, Local-gov,177675, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,59, Private,348430, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,43, United-States +<=50K,23, Private,320451, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,24, United-States +<=50K,23, Private,38151, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,40, Philippines +<=50K,55, Local-gov,123382, Assoc-voc,11, Separated, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +>50K,39, Self-emp-inc,151029, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,484475, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,329792, 7th-8th,4, Divorced, Transport-moving, Unmarried, White, Male,0,0,75, United-States +<=50K,35, Private,148903, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,39, Local-gov,301614, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,47, Private,176319, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,0,0,38, United-States +>50K,53, State-gov,53197, Doctorate,16, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,291407, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +>50K,35, Private,204527, Masters,14, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Private,476391, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,224964, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,26, Private,306225, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Poland +<=50K,23, Private,292023, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,94041, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, Ireland +>50K,49, Self-emp-inc,187563, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,176101, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,2174,0,60, United-States +<=50K,36, Private,749105, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,41, ?,230020, 5th-6th,3, Married-civ-spouse, ?, Husband, Other, Male,0,0,40, United-States +>50K,21, Private,216070, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,46, United-States +>50K,54, Self-emp-not-inc,105010, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,198203, Some-college,10, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Local-gov,215419, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,120460, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,199316, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, India +<=50K,46, Private,146919, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,174744, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,189564, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,1, United-States +<=50K,21, Private,249957, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,51, Private,146574, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, State-gov,156417, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,20, United-States +<=50K,42, Private,236110, 5th-6th,3, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,19, Private,63363, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,190107, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,126569, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,176756, 12th,8, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,115161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,57, Self-emp-not-inc,138892, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +>50K,38, Private,256864, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,265083, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,34, Private,249948, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,46, Federal-gov,31141, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,164190, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, ? +<=50K,45, State-gov,67544, Masters,14, Divorced, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,174789, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,199753, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +>50K,62, Private,122246, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,8614,0,39, United-States +<=50K,56, ?,188166, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,96586, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,189590, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,140590, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,33, United-States +<=50K,35, Private,255702, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,27, United-States +>50K,33, Private,260782, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,38, Private,169926, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +<=50K,37, State-gov,151322, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Private,192869, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,93604, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,1602,32, United-States +<=50K,31, Private,86958, 9th,5, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,53, Local-gov,228723, HS-grad,9, Divorced, Craft-repair, Not-in-family, Other, Male,0,0,40, ? +<=50K,33, Private,192644, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,35, Puerto-Rico +<=50K,72, Private,284080, 1st-4th,2, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,54, Private,43269, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,190040, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,306108, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,220148, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,50, United-States +<=50K,30, Private,381645, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,216361, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,16, United-States +>50K,30, Private,213722, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Private,112271, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,208277, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,44, United-States +<=50K,38, State-gov,352628, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,129620, 10th,6, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,32, Private,249550, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,44, United-States +<=50K,49, Private,178749, Masters,14, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,76, ?,173542, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,60, Private,167670, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,60, Private,81578, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,55, Private,160662, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,41, Private,163322, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,30, ? +<=50K,24, Private,152189, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,106176, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7298,0,60, United-States +<=50K,69, State-gov,159191, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,810,38, United-States +<=50K,71, ?,250263, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,3432,0,30, United-States +>50K,41, Private,78410, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,131379, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,166929, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,380357, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,79190, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,342164, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +>50K,44, Private,182616, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,339473, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +>50K,31, Local-gov,381153, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,56, United-States +<=50K,51, Private,300816, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Male,0,0,20, United-States +<=50K,51, Private,240988, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,23, Private,149224, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,168216, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,56, Private,286487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,45, United-States +>50K,39, Private,305597, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,109766, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,30, Self-emp-not-inc,188798, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,240170, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,31, Private,459465, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Local-gov,162506, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,43, Self-emp-not-inc,145441, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +>50K,37, Federal-gov,129573, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, ? +>50K,41, Private,27444, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,43, Private,195258, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,55272, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,164526, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2824,45, United-States +<=50K,46, Private,27802, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,165289, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,274657, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,50, Guatemala +>50K,24, Private,317175, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,39, Self-emp-inc,163237, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,37, Private,170408, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, ?,55950, Bachelors,13, Never-married, ?, Own-child, Black, Female,0,0,40, Germany +<=50K,40, Private,76625, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,366066, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,349368, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Private,286824, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,32, Private,373263, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,161978, HS-grad,9, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,543922, Masters,14, Divorced, Transport-moving, Not-in-family, White, Male,14344,0,48, United-States +>50K,46, Local-gov,109089, Prof-school,15, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,110151, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Private,34110, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,44, United-States +<=50K,47, Self-emp-not-inc,118506, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,22, Private,117789, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,34, Self-emp-not-inc,353881, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,200471, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,20, Private,258517, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,190367, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,174704, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,179413, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,329530, 9th,5, Never-married, Priv-house-serv, Own-child, White, Male,0,0,40, Mexico +<=50K,31, Private,273818, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, Mexico +<=50K,46, Private,256522, 1st-4th,2, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,42, Private,196001, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,282660, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,72630, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,50295, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,203240, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +>50K,56, Self-emp-not-inc,172618, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,41, Private,202168, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,61, Private,176839, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Private,176140, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Private,39952, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2228,0,37, United-States +<=50K,33, Private,292465, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,40, ?,161285, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +>50K,48, Private,355320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Canada +>50K,56, Private,182460, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,50, Private,69345, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,55, United-States +>50K,57, Self-emp-not-inc,102058, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,165804, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Female,0,0,40, United-States +<=50K,46, Private,318259, Assoc-voc,11, Divorced, Tech-support, Other-relative, White, Female,0,0,36, United-States +<=50K,21, Private,117606, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,170718, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,413297, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,190457, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,54, Private,88278, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,32, Local-gov,217296, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,4064,0,22, United-States +<=50K,62, ?,97231, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,1, United-States +>50K,50, Private,123429, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,420282, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,498325, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,248533, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +>50K,46, Private,137354, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,42, Private,272910, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Self-emp-inc,206054, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,92141, Assoc-acdm,12, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Private,163199, Some-college,10, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,34, Private,195860, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,115717, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2051,40, United-States +<=50K,18, Private,120029, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,33, Private,221762, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Private,342164, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,21, Private,176356, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,133239, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,169101, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,159442, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,174461, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,43, Private,361280, 10th,6, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,42, China +<=50K,52, State-gov,447579, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, England +<=50K,27, ?,308995, Some-college,10, Divorced, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,61, Private,248448, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,161141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,212465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,170871, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,43, Local-gov,233865, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Private,163052, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,348690, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,47, Federal-gov,34845, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Germany +<=50K,22, Private,206861, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,349230, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,130840, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,19, Private,415354, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,132191, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,202466, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,27, ?,224421, Some-college,10, Divorced, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,236804, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, United-States +<=50K,47, Private,102771, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,221403, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,18, United-States +<=50K,76, ?,211574, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,1, United-States +<=50K,39, Private,52645, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,276310, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,134613, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,43, United-States +<=50K,44, Private,215479, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,20, Haiti +>50K,53, Private,266529, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,265807, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,67716, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,178951, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,35, Private,241126, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,176544, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,45, Private,169180, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,37, Self-emp-not-inc,282461, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,53, Private,157069, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,99357, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,38, Self-emp-not-inc,414991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, ? +<=50K,65, Self-emp-inc,338316, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,59612, 10th,6, Divorced, Farming-fishing, Unmarried, White, Male,0,0,70, United-States +<=50K,24, Private,220426, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,115912, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,27032, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,19, Private,170720, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,60, Private,183162, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,192360, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,78, ?,165694, Masters,14, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,26, Private,128553, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,58, Private,209423, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,38, Cuba +<=50K,37, Self-emp-not-inc,121510, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, United-States +>50K,41, Private,93793, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,133602, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,391329, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,48, Private,96359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Greece +<=50K,22, Private,203894, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Female,0,0,24, United-States +<=50K,50, Private,196193, Masters,14, Married-spouse-absent, Prof-specialty, Other-relative, White, Male,0,0,60, ? +<=50K,25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,18, Private,50879, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,6, United-States +<=50K,21, Private,186849, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,201127, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,110998, HS-grad,9, Never-married, Other-service, Other-relative, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,39, Private,190466, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,2174,0,40, United-States +>50K,67, Self-emp-not-inc,173935, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,8, United-States +<=50K,19, Private,167140, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1602,24, United-States +<=50K,18, Private,110230, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,11, United-States +<=50K,36, Private,287658, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,224954, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,25, ?,394820, Some-college,10, Separated, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,40, Private,37618, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,73, Self-emp-not-inc,29306, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,37314, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,31, Private,420749, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,482732, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,206215, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,101364, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,66, Self-emp-inc,185369, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,66, Private,216856, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,256019, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,348144, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,3325,0,53, United-States +<=50K,24, Private,190293, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-not-inc,25932, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,25, Private,176729, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,166961, 11th,7, Separated, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,86373, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,320513, 7th-8th,4, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,50, Dominican-Republic +>50K,34, State-gov,190290, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,41, Local-gov,111891, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,45796, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,108496, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,2907,0,40, United-States +>50K,41, Self-emp-not-inc,120539, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +>50K,36, Self-emp-not-inc,164526, Masters,14, Never-married, Sales, Not-in-family, White, Male,10520,0,45, United-States +<=50K,37, Private,323155, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,85, Mexico +<=50K,28, Private,65389, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,19, Private,414871, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,161607, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,224953, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,261382, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,58, Self-emp-not-inc,231818, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Greece +<=50K,42, Self-emp-inc,184018, HS-grad,9, Divorced, Sales, Unmarried, White, Male,1151,0,50, United-States +<=50K,43, Self-emp-inc,133060, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,35032, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,304212, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,64, Local-gov,50442, 9th,5, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +>50K,39, Private,146091, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,26, Private,267431, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,19, Private,121240, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,21, Private,192572, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,32, Private,211028, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,346122, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,5013,0,45, United-States +<=50K,26, Private,202203, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,50, United-States +<=50K,20, Private,159297, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,19, Private,310158, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,33, Federal-gov,193246, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,23, Private,200089, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,29, Private,38353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,76280, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,243665, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,68872, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,34, Private,103596, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,88055, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,48, Private,186203, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,257910, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,200227, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,124975, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,27828,0,55, United-States +<=50K,32, Private,227669, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,22, Private,117210, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, Greece +<=50K,25, Private,76144, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,98667, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,24, Local-gov,155818, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,44, United-States +<=50K,29, Private,283760, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,73, ?,281907, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +>50K,39, Private,186183, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,202153, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,365683, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,187538, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,33, ?,209432, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,33, Private,126950, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,110028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,104660, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +>50K,57, Self-emp-not-inc,437281, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,42, Private,259643, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +<=50K,22, Private,217961, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,1719,30, United-States +<=50K,21, ?,134746, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,42, Self-emp-not-inc,120539, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,25803, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,41, Private,63596, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,20, Local-gov,325493, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,47, Private,211239, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,206686, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,427965, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,218550, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,14084,0,16, United-States +>50K,71, Private,163385, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,52, Private,124993, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +<=50K,36, Private,107410, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Private,152373, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +>50K,37, Private,161226, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,26, Private,213799, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,204461, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,35, Private,377798, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,116375, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,34, Local-gov,210164, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,56, Self-emp-not-inc,258752, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,39, Private,327435, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,24, Private,301199, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,186221, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,203924, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,192236, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,152035, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,201454, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,156580, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,37, United-States +<=50K,51, Private,115851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,106753, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,59, Private,359292, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,83003, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,78817, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,200967, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,36, United-States +<=50K,38, State-gov,107164, Some-college,10, Separated, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,189674, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Black, Female,0,0,28, ? +<=50K,34, Self-emp-not-inc,90614, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Self-emp-not-inc,323790, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,70, United-States +<=50K,45, Self-emp-not-inc,242552, 12th,8, Divorced, Craft-repair, Other-relative, Black, Male,0,0,35, United-States +<=50K,21, Private,90935, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,64, Self-emp-inc,165667, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, Canada +<=50K,32, Private,162604, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +>50K,45, Private,205424, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,97411, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,42, Private,184857, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,32, Private,165226, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,115784, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,368476, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, Mexico +<=50K,28, Private,53063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,29, ?,134566, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,153471, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +>50K,37, Self-emp-inc,107164, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,2559,50, United-States +>50K,38, Private,180303, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +<=50K,44, Local-gov,236321, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,19, Private,141868, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,22, ?,367655, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,203518, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,119558, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,108276, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,385452, 10th,6, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,162003, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,349028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,45114, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,44, Private,112797, 9th,5, Divorced, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,28, Private,183639, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,177121, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,38, Private,239755, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,150361, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,293091, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +>50K,24, Private,200089, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, Mexico +<=50K,40, Private,91836, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,324960, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,79, Local-gov,84616, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,7, United-States +<=50K,44, Private,252930, 10th,6, Divorced, Adm-clerical, Unmarried, Other, Female,0,0,42, United-States +>50K,51, Private,44000, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,50, United-States +<=50K,30, Private,154843, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,99307, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,3103,0,48, United-States +>50K,41, Private,182567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,33, Private,93206, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,50, Private,100109, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,51, Private,114927, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,41, Private,121287, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,189916, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,34, Private,157747, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,28, Private,39232, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Self-emp-inc,133861, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,505980, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,183374, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2329,0,15, United-States +>50K,65, Private,193216, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,9386,0,40, United-States +>50K,39, Self-emp-not-inc,140752, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,549349, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,179008, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-not-inc,190554, 10th,6, Divorced, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,47, Private,80924, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,51, Local-gov,319054, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,34, Private,297094, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,52, Private,170562, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,29, Private,240738, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,297544, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,169905, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,149637, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,182526, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,158315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,61, Self-emp-inc,227232, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,34, Private,96483, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,8614,0,60, United-States +<=50K,41, Private,286970, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,223529, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,0,43, United-States +>50K,78, Self-emp-not-inc,316261, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,99999,0,20, United-States +>50K,40, Private,170214, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,224361, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,43, Private,124919, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,55, ?,103654, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,306352, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Mexico +<=50K,26, Self-emp-not-inc,227858, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,48, United-States +>50K,43, Self-emp-inc,150533, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,25, Private,144478, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, Poland +<=50K,22, Private,254547, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,30, Jamaica +>50K,52, Self-emp-not-inc,313243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,61, Private,149981, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,2414,0,5, United-States +<=50K,42, Private,125461, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,306967, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,192976, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,65, Private,192133, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,40, Greece +<=50K,56, ?,131608, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,10, United-States +<=50K,33, Federal-gov,339388, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,203240, 10th,6, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,83827, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,24, United-States +<=50K,45, Self-emp-inc,160440, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,42, Private,108502, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,42, United-States +<=50K,37, Private,410913, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, Other, Male,0,0,40, Mexico +<=50K,56, Private,193818, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, ?,163582, 10th,6, Divorced, ?, Unmarried, White, Female,0,0,16, ? +<=50K,40, Private,103789, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,32, United-States +<=50K,31, Private,34572, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,43408, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,105787, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,90693, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,45, Self-emp-not-inc,285575, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,47, Local-gov,56482, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,50, United-States +<=50K,22, Private,496025, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,33, Private,382764, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,259284, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,50, United-States +<=50K,48, Self-emp-not-inc,185385, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,98, United-States +<=50K,57, Self-emp-not-inc,286836, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,47, Private,139145, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,58, Local-gov,44246, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,169611, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,133403, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,187327, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,180032, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,46561, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,23, Private,86065, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,256014, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,188403, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,396758, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,70, United-States +<=50K,25, Private,60485, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,32, Private,271276, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,56, Private,229525, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,34574, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,19, State-gov,112432, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,20, Private,105312, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,34, Private,221396, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,304872, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,319733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,176012, 9th,5, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,23, United-States +<=50K,31, Private,213750, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,248384, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,351187, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,51, Private,138179, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,1876,40, United-States +<=50K,59, Private,50223, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,117477, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,36, United-States +<=50K,40, Private,194360, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,118108, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,25, Local-gov,90730, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,18, Self-emp-inc,38307, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,41, Private,116391, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,210496, 10th,6, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,168475, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,174386, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,39, Private,166744, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +<=50K,19, Private,375114, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,373469, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,339667, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,41, United-States +>50K,39, Private,91711, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,82049, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,236242, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,57, Self-emp-inc,140319, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,33, Local-gov,34080, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,56, Private,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,187124, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,72310, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,58, Private,175127, 12th,8, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,48, Federal-gov,205707, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,10520,0,50, United-States +>50K,45, Local-gov,236586, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +<=50K,18, Private,71792, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,56, Private,87584, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,48, Self-emp-inc,136878, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,287983, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,2258,48, Philippines +<=50K,38, Private,110607, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,58, Private,109015, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,235071, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,63, Private,88653, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,51, Private,332243, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, ?,291547, 5th-6th,3, Married-civ-spouse, ?, Wife, Other, Female,0,0,40, Mexico +<=50K,44, Private,45093, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,46, Federal-gov,161337, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, State-gov,211222, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,32, Private,295117, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, England +<=50K,31, Private,206541, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,36, Private,238415, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,29810, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,108023, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,114324, Assoc-voc,11, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,54, Private,172281, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,50, United-States +<=50K,59, Local-gov,197290, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,191177, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,57, Private,562558, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,79531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Self-emp-inc,157881, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Self-emp-not-inc,204816, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,185695, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,39, Self-emp-inc,167482, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-inc,83748, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,70, South +<=50K,27, Private,39232, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,236827, 9th,5, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,154410, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,135308, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,204042, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,20, Private,308239, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,55, Private,183884, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,98948, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,141642, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,162623, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-inc,186934, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,179512, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,25, Private,391192, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +<=50K,31, Private,87054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,30008, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,113466, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,70, Private,642830, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Female,0,0,32, United-States +<=50K,23, Private,182117, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,162432, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,242184, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Private,170850, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4064,0,60, United-States +<=50K,56, Private,435022, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,79, Private,120707, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,35, El-Salvador +<=50K,20, Private,170800, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,30, Private,268575, HS-grad,9, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,27, Private,269354, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, ? +>50K,40, Private,224232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,153072, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +>50K,58, Private,177368, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,163293, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,2, United-States +>50K,50, Private,178530, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,29, Local-gov,183523, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Iran +<=50K,33, Private,207267, 10th,6, Separated, Other-service, Unmarried, White, Female,3418,0,35, United-States +>50K,60, State-gov,27037, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,33, Private,176711, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Private,163215, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, ? +<=50K,33, Private,394727, 10th,6, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,33, Private,195488, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,52, United-States +<=50K,32, State-gov,443546, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,121023, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,9, United-States +<=50K,38, Private,51838, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,38, Private,258888, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,39, State-gov,189385, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,30, United-States +<=50K,17, Private,198146, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,21, Private,337766, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,42, Private,210525, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +>50K,42, Private,185602, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,173804, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,251243, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Self-emp-not-inc,415847, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,119793, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,181705, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,182360, HS-grad,9, Separated, Prof-specialty, Unmarried, Other, Female,0,0,60, Puerto-Rico +<=50K,49, Private,61885, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,146520, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,323790, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,146268, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,287031, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,40, United-States +<=50K,33, Local-gov,292217, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,88126, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,143046, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,401623, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, Jamaica +>50K,36, Self-emp-not-inc,283122, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,60, United-States +<=50K,84, Self-emp-not-inc,155057, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,260254, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,152292, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,55, Self-emp-inc,138594, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,30, Self-emp-not-inc,523095, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,175262, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,55, Private,323706, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,34, Private,316470, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,163815, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,72208, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,52, Local-gov,74784, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,36, Private,383518, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,99999,0,40, United-States +<=50K,25, Self-emp-not-inc,266668, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,347519, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,336088, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,36, Private,190350, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,31, Private,204052, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,31362, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,90, Self-emp-not-inc,155981, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,10566,0,50, United-States +>50K,67, Private,195161, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,60, United-States +<=50K,22, Self-emp-inc,269583, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,47, Private,26994, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,32, Private,116539, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,55, United-States +<=50K,55, Self-emp-not-inc,189933, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,101283, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,113598, Some-college,10, Separated, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,21, Private,188793, HS-grad,9, Married-civ-spouse, Sales, Husband, Other, Male,0,0,35, United-States +<=50K,33, Private,109996, Assoc-acdm,12, Married-spouse-absent, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,195681, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, ? +<=50K,47, Private,436770, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,84253, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,44, Self-emp-inc,383493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,216867, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,37, Mexico +<=50K,18, Private,401051, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,56, Private,83196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,325596, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +>50K,43, Private,187322, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,193949, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +<=50K,26, Private,133373, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,42, United-States +<=50K,42, Private,113324, HS-grad,9, Widowed, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,178818, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,152810, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,335997, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,55, United-States +<=50K,40, Private,436493, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,27, Private,704108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Local-gov,150084, Some-college,10, Separated, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,42, Private,341204, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Private,187336, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,204209, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,42, Self-emp-not-inc,206066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,38, Private,63509, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,391121, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,56026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,60981, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,4, United-States +<=50K,21, Private,228255, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,86745, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,55, Private,234327, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,59948, 9th,5, Never-married, Adm-clerical, Unmarried, Black, Female,114,0,20, United-States +<=50K,31, Private,137814, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,167692, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,245090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,51, Self-emp-not-inc,256963, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,160033, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,30, United-States +<=50K,38, Local-gov,289430, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,52, Local-gov,305053, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,70, Self-emp-not-inc,172370, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,53, Private,320510, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,171355, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,65027, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,18, Private,215190, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,41, ?,149385, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, ?,169324, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,24, Private,138938, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,557082, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, Private,273287, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, Jamaica +>50K,34, Self-emp-not-inc,77209, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +<=50K,35, Private,317153, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,95469, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,45, United-States +<=50K,18, Private,302859, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,333651, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,30, Private,177596, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,36, United-States +>50K,40, Self-emp-inc,157240, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,30, Iran +<=50K,22, Private,184779, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,138358, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,28, United-States +<=50K,70, Private,176285, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,23, United-States +>50K,43, Private,102180, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,209507, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,229741, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,324546, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,39, United-States +>50K,51, Private,337195, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,50, United-States +>50K,58, State-gov,194068, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,22, Private,250647, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,33, Private,477106, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,104329, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,224566, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,169841, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,41, Private,42563, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,25, United-States +<=50K,37, Private,31368, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,132755, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,50, Private,279129, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,31, ?,86143, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,54, State-gov,44172, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,23, State-gov,93076, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,40, Private,146653, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,29, Private,221366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, Germany +<=50K,38, Private,189404, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,35, ? +<=50K,30, Private,172304, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,116666, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,8, India +<=50K,43, Self-emp-not-inc,64112, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,55718, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,25, United-States +>50K,39, Private,126675, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,48, Private,102112, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Self-emp-not-inc,226505, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,211527, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,175069, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, Yugoslavia +<=50K,25, Private,25249, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,73411, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,207185, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, Puerto-Rico +>50K,66, Private,127139, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,41809, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,297449, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,40, United-States +<=50K,46, Private,141483, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,42, Local-gov,117227, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,46, Private,377401, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,70, Canada +<=50K,34, Local-gov,167063, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,253759, Some-college,10, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,40, United-States +<=50K,42, Private,183096, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,269654, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,70, ?,293076, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,34104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Federal-gov,80057, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Germany +<=50K,42, Self-emp-inc,369781, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Male,0,0,25, United-States +<=50K,21, Private,223811, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,163053, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,189461, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,55, United-States +>50K,50, Local-gov,145166, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,37, Private,86310, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,19, ?,263224, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,30, United-States +>50K,44, Federal-gov,280362, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,301031, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,74966, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,24, United-States +<=50K,36, Private,254493, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,49, Self-emp-not-inc,204241, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,225024, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Local-gov,148222, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,75, State-gov,113868, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,20, United-States +<=50K,42, Private,132633, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, ? +<=50K,37, Private,44780, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,86373, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,25, United-States +<=50K,61, Local-gov,176753, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,164707, Assoc-acdm,12, Never-married, Exec-managerial, Unmarried, White, Female,2174,0,55, ? +<=50K,50, Local-gov,370733, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,216851, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,137951, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,185279, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,56, Private,159724, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,103233, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,63509, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,174353, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,168109, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,50, United-States +<=50K,27, Private,159724, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,105010, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2051,20, United-States +<=50K,30, Private,179112, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, ? +<=50K,46, Private,364913, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,48, Self-emp-inc,155664, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,61, Private,230568, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,86492, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,87, United-States +<=50K,40, Private,71305, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,58, Self-emp-inc,189933, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,46, Self-emp-inc,191978, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,50, United-States +>50K,35, Private,38948, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,139127, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,37, Private,301568, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,64, Private,149044, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2057,60, China +<=50K,41, Private,197344, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,54, United-States +<=50K,18, Private,32244, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,594,0,30, United-States +<=50K,44, Self-emp-not-inc,315406, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,88, United-States +>50K,41, State-gov,47170, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0,0,48, United-States +>50K,33, State-gov,208785, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,37, Private,196338, 9th,5, Separated, Priv-house-serv, Unmarried, White, Female,0,0,16, Mexico +<=50K,34, Private,269243, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Federal-gov,215115, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, ? +<=50K,20, Private,117767, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,176101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,138283, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-not-inc,132320, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,22, Federal-gov,471452, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,8, United-States +<=50K,55, Private,147653, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,73, United-States +<=50K,20, Private,49179, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,174921, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Self-emp-inc,95997, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,70, United-States +<=50K,40, Private,247245, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Private,67072, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, ?,95329, Some-college,10, Divorced, ?, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,107882, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,241825, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,46, United-States +<=50K,18, Private,79443, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,49, Self-emp-not-inc,233059, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,226980, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +<=50K,34, Self-emp-not-inc,181087, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,37, Private,305597, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,49, Federal-gov,311671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,74, Private,129879, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,15831,0,40, United-States +<=50K,37, Private,83375, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,115824, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1573,40, United-States +>50K,40, Private,141657, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,34, Private,50276, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,30, Private,177216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1740,40, Haiti +<=50K,44, Private,228057, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, Puerto-Rico +<=50K,40, Private,222848, 10th,6, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,32, United-States +<=50K,58, Private,121111, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, Greece +<=50K,44, Private,298885, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,149909, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,39, Private,387430, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,18, United-States +<=50K,19, Private,121972, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,41, Private,280167, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,70, United-States +<=50K,29, State-gov,191355, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,112115, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,38, ?,104094, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,211032, Preschool,1, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,41310,0,24, Mexico +<=50K,54, Private,199307, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,48, United-States +<=50K,40, Private,205175, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,37, United-States +<=50K,19, Private,257750, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,17, Private,191260, 11th,7, Never-married, Other-service, Own-child, White, Male,594,0,10, United-States +<=50K,33, Private,342730, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,80, Private,249983, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,24, Self-emp-not-inc,161508, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,28, Private,338376, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,334308, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,21, Private,133471, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,129177, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,19, Private,178811, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,42, Private,178537, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,60, Self-emp-not-inc,235535, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,20, ?,298155, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,51, Private,145114, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,194096, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,37, State-gov,191779, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,159732, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,52, United-States +>50K,42, Federal-gov,170230, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,60, United-States +<=50K,40, Private,104719, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,55, Private,163083, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,403552, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,32, United-States +>50K,62, Private,218009, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,60, United-States +<=50K,47, Private,179313, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,26, Private,51961, 12th,8, Never-married, Sales, Other-relative, Black, Male,0,0,51, United-States +<=50K,59, Private,426001, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,20, Puerto-Rico +<=50K,70, Local-gov,176493, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,26, Private,124068, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,47, Private,108510, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,25, Private,181528, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +>50K,52, Self-emp-inc,173754, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,46, Private,169699, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,126849, 10th,6, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,20, United-States +>50K,34, Private,204470, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, State-gov,116367, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,4650,0,40, United-States +<=50K,22, Private,117363, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,39, Local-gov,106297, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,42, United-States +<=50K,54, Self-emp-not-inc,108933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,190143, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,246677, HS-grad,9, Separated, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +>50K,38, Private,175360, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Male,0,2559,90, United-States +<=50K,41, Local-gov,210259, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Private,166304, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,33, United-States +>50K,43, Private,303051, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,39, Private,49308, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,192262, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,49, Local-gov,192349, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +>50K,37, Self-emp-not-inc,48063, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,43, Private,170214, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,54, Federal-gov,51048, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,246562, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,57, Local-gov,215175, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,28, Private,114967, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,464536, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,451996, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,138852, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, State-gov,353012, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,321822, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,50, Self-emp-not-inc,324506, HS-grad,9, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,48, South +<=50K,36, Private,162256, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Local-gov,356689, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,260199, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,103605, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,316211, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,308691, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,39, Private,194404, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,18, Private,334427, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,36, United-States +<=50K,33, Private,213226, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Private,342824, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,1151,0,40, United-States +<=50K,23, Private,33105, Some-college,10, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,37, Private,147638, Bachelors,13, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,36, Philippines +<=50K,25, Private,315643, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,51, Federal-gov,106257, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,342768, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,108960, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,168071, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,136935, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,13, United-States +>50K,37, Self-emp-not-inc,188774, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,55, United-States +>50K,29, Private,280344, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,202496, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,37, United-States +<=50K,61, Self-emp-inc,134768, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,175686, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,194748, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,49, United-States +<=50K,49, Private,61307, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,38, United-States +>50K,51, Self-emp-not-inc,165001, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,25236,0,50, United-States +<=50K,34, Private,325658, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,201844, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,20, Private,505980, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,185336, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +>50K,49, Self-emp-inc,362795, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,99999,0,80, Mexico +<=50K,26, Private,126829, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,264600, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,82743, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, Iran +>50K,63, Self-emp-not-inc,125178, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,128487, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +>50K,40, Private,321758, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,128220, 7th-8th,4, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,176814, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Canada +>50K,35, Private,188069, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,13550,0,55, ? +<=50K,23, State-gov,156423, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,25, Private,169905, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,27828,0,40, United-States +<=50K,34, ?,157289, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,28, Private,176972, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,44, Self-emp-not-inc,171424, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,2205,35, United-States +<=50K,33, Private,91811, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,203924, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,2597,0,45, United-States +<=50K,55, Private,177484, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,1672,40, United-States +<=50K,17, ?,454614, 11th,7, Never-married, ?, Own-child, White, Female,0,0,8, United-States +<=50K,75, Self-emp-not-inc,242108, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,2346,0,15, United-States +<=50K,61, Private,132972, 9th,5, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,53, Private,157947, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,26, Local-gov,177482, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,48, Private,246891, Some-college,10, Widowed, Sales, Unmarried, White, Male,0,0,50, United-States +>50K,28, State-gov,158834, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, ?,203834, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Taiwan +<=50K,29, Private,110442, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,240676, Some-college,10, Divorced, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,192939, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,260696, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,40, Local-gov,55363, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Private,144949, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,55, Private,116878, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,30, United-States +<=50K,31, Local-gov,357954, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,20, United-States +<=50K,21, ?,170038, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,190290, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Italy +<=50K,26, State-gov,203279, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2463,0,50, India +>50K,26, Private,167761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,138845, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,144844, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +<=50K,21, ?,161930, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,1504,30, United-States +<=50K,26, Private,55743, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,40, Self-emp-not-inc,117721, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,19, Self-emp-not-inc,116385, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,301867, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,61, Private,238913, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,123983, Some-college,10, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Male,0,0,63, South +<=50K,26, Private,165510, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,183513, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,42, Self-emp-inc,119281, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,41, Private,152629, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,110171, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,211440, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Local-gov,359259, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,125796, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,34, Private,39609, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,111567, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, Germany +>50K,23, Private,44064, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,2559,40, United-States +<=50K,35, Self-emp-not-inc,120066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,41, Private,132633, 11th,7, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,25, Guatemala +<=50K,39, Private,192702, Masters,14, Never-married, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,166813, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,33, Self-emp-inc,40444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,290504, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,25, Private,178505, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,1504,45, United-States +<=50K,25, Private,175370, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,77, Self-emp-not-inc,72931, 7th-8th,4, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,20, Italy +<=50K,33, ?,234542, Assoc-voc,11, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,66, Private,284021, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,277974, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,44, Private,111275, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,45, Self-emp-inc,191776, Masters,14, Divorced, Sales, Unmarried, White, Female,25236,0,42, United-States +<=50K,28, Private,125527, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,38294, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,2597,0,40, United-States +>50K,43, Private,313022, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,4386,0,40, United-States +>50K,39, Private,179668, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,33, Private,198660, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,216116, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,62, Private,200922, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,153372, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,406603, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,6, Iran +<=50K,23, Local-gov,248344, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +>50K,48, Private,240629, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,38, Private,314310, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,37, Private,259785, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,127111, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,178272, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,66, Local-gov,75134, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,19, Private,195985, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,221955, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,39, Mexico +>50K,34, Private,177675, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,182828, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,33, Self-emp-not-inc,270889, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,43, Private,183096, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,10, United-States +<=50K,27, Private,336951, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,33, State-gov,295589, Some-college,10, Separated, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,26, Private,289980, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, Mexico +>50K,56, Self-emp-inc,70720, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,60, United-States +<=50K,46, Private,163352, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,38, Private,190776, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,90, Private,313986, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,72, Self-emp-inc,473748, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,20, Private,163003, HS-grad,9, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,29, Private,183061, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,49, Private,123584, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,23, Private,120910, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,20, Private,227554, Some-college,10, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,18, United-States +<=50K,57, Private,182677, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,4508,0,40, South +<=50K,46, Private,214955, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,209768, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,258120, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, Jamaica +<=50K,49, Private,110015, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Greece +<=50K,54, Private,152652, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,46, Federal-gov,43206, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,50, United-States +<=50K,31, Self-emp-not-inc,114639, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,43, Self-emp-inc,221172, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,18, ?,128538, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,6, United-States +<=50K,19, Private,131615, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,353824, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,178417, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,178644, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,271665, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,37, ?,223732, Some-college,10, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Federal-gov,169003, 12th,8, Never-married, Adm-clerical, Own-child, Black, Male,0,0,25, United-States +>50K,52, State-gov,338816, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,70, United-States +>50K,34, Private,506858, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,28, Private,265628, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,173495, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,177413, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,31670, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,49, Private,154451, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,35, United-States +>50K,35, Private,265535, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,50, Jamaica +<=50K,31, Private,118941, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,214617, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,47, Local-gov,265097, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,4386,0,40, United-States +<=50K,46, Private,276087, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,50, United-States +>50K,43, Private,124692, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Federal-gov,306784, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,21, Private,434102, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,387641, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,31, State-gov,181824, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,35, United-States +>50K,39, Local-gov,177907, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +<=50K,58, Private,87329, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,263130, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,262882, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,31, Private,37546, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,35, United-States +<=50K,19, Private,27433, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,393945, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,26, Private,173927, Assoc-voc,11, Never-married, Prof-specialty, Own-child, Other, Female,0,0,60, Jamaica +<=50K,38, Private,343403, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,36, Private,111128, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,40, Private,193882, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,310864, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, ? +>50K,41, Private,128354, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,25, United-States +<=50K,33, Private,113364, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,63, ?,198559, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,51, Private,136913, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,115488, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,154227, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,279667, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,281030, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,66, United-States +<=50K,19, Private,283945, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +>50K,47, Private,454989, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,391349, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, State-gov,166704, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,14, United-States +>50K,36, Private,151835, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,199085, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,61487, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +<=50K,19, Private,120251, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,14, United-States +<=50K,42, Private,273230, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,90, United-States +<=50K,36, Private,358373, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,36, United-States +<=50K,35, Private,267891, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +<=50K,22, Private,234880, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,54, Private,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,96452, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,204751, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,57, Private,375868, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,413373, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,537222, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, Local-gov,33975, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,162327, 11th,7, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,182691, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,44, United-States +<=50K,36, Private,300829, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +<=50K,51, Local-gov,114508, 9th,5, Separated, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,214627, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,129684, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Female,5455,0,50, United-States +<=50K,25, State-gov,120041, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,361138, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,50, United-States +<=50K,37, Private,76893, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Private,205424, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,61, Private,176839, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,40, Private,229148, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Jamaica +>50K,58, Self-emp-inc,154537, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,52, Private,181901, HS-grad,9, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,20, Mexico +<=50K,18, Private,152004, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,27, Private,205188, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,30840, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,45, United-States +<=50K,63, Private,66634, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,38, Self-emp-not-inc,180220, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,291052, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2051,40, United-States +<=50K,40, Self-emp-not-inc,99651, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,327723, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,32291, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +>50K,31, Private,345122, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,50, United-States +>50K,32, Private,127384, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,363296, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,72, United-States +<=50K,39, Local-gov,86551, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1876,40, United-States +<=50K,28, Private,30070, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,595000, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,35, United-States +<=50K,21, ?,152328, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,33, ?,177824, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +>50K,44, State-gov,111483, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,199555, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,50018, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,36, Private,218490, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,39, Private,49020, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,1974,40, United-States +<=50K,61, Private,213321, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,40, United-States +<=50K,31, Private,159187, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,83033, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, Germany +<=50K,39, Self-emp-not-inc,31848, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829,0,90, United-States +<=50K,34, Self-emp-not-inc,24961, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,21, Private,182117, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,75, Self-emp-not-inc,146576, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Male,0,0,48, United-States +<=50K,21, Private,176690, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,81, Private,122651, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,54, Self-emp-inc,149650, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, Canada +<=50K,34, Private,454508, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, Iran +>50K,54, Self-emp-not-inc,269068, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,50, Philippines +<=50K,41, Private,266530, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,61, ?,198542, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,133144, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,2580,0,20, United-States +<=50K,24, Private,217961, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,221661, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +<=50K,44, Local-gov,60735, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,60, United-States +>50K,47, Self-emp-not-inc,121124, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,48588, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,48087, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +<=50K,53, Self-emp-not-inc,240138, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,63, Private,273010, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3471,0,40, United-States +>50K,44, Private,104196, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,37, Private,230035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,28, Private,38918, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Germany +<=50K,71, ?,205011, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,57, Private,176079, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,180052, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,33, Local-gov,173005, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1848,45, United-States +<=50K,30, Private,378723, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,55, United-States +<=50K,20, Private,233624, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,192591, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,54, Private,249860, 11th,7, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,10, United-States +<=50K,20, Private,247564, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,238912, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,190227, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,29, State-gov,293287, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,180807, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,250217, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,70, United-States +<=50K,19, Private,217418, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,38, United-States +<=50K,22, Local-gov,137510, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,59, State-gov,163047, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,18, Private,577521, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,13, United-States +<=50K,22, Private,221533, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +>50K,42, Local-gov,255675, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,114079, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,155781, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,243762, 11th,7, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,113062, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,7, United-States +<=50K,67, Private,217028, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,110723, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,47, Federal-gov,191858, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,179423, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,5, United-States +<=50K,20, Private,339588, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Peru +<=50K,22, Private,206815, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, Peru +<=50K,47, State-gov,103743, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,235683, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,64, ?,207321, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,35, State-gov,197495, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,52, Federal-gov,424012, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,178469, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,73, Self-emp-inc,92886, 10th,6, Widowed, Sales, Unmarried, White, Female,0,0,40, Canada +>50K,38, Self-emp-not-inc,214008, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Self-emp-not-inc,325732, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,52, United-States +<=50K,35, Private,28572, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,35, United-States +<=50K,18, Private,118376, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,51799, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,33, Local-gov,115488, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,190621, Some-college,10, Divorced, Exec-managerial, Other-relative, Black, Female,0,0,55, United-States +<=50K,55, Private,193568, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,192878, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,264663, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,22, Private,234731, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,308373, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,205644, HS-grad,9, Separated, Tech-support, Not-in-family, White, Female,0,0,26, United-States +>50K,47, Local-gov,321851, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, Private,206399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,124563, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,32, State-gov,198211, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,17, Private,130795, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,44, Private,71269, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Self-emp-not-inc,319280, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +>50K,35, Private,125933, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,107236, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,32732, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,68, Private,284763, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,20, Private,112668, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,376483, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,402778, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,48, Private,36177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,125489, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,48, Private,304791, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Private,209205, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,60, ?,112821, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,39, Local-gov,178100, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,70261, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,23, State-gov,186634, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,32958, Some-college,10, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,25, Private,254746, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,158746, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,140854, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,51506, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,45, Private,189564, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +>50K,37, Federal-gov,325538, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,58, Private,213975, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,431426, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,2, United-States +<=50K,48, Private,199763, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,63, Private,161563, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,24, Local-gov,252024, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,43, Private,43945, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,178487, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,32, Private,604506, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, White, Male,0,0,72, Mexico +<=50K,36, Private,228157, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,43, Private,199191, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,189775, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,17, Private,171080, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,45, Private,117310, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,46, United-States +<=50K,41, Self-emp-inc,82049, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,126094, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,18, ?,202516, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,48, Local-gov,246392, Assoc-acdm,12, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,51, ?,69328, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,292803, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,54, Private,286989, Preschool,1, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,190483, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,48, Iran +<=50K,19, Private,235849, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,47, Private,359766, 7th-8th,4, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,32, Private,128016, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,46, Private,360096, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,30, Private,170154, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,337286, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,204322, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,73, Self-emp-not-inc,143833, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,18, United-States +<=50K,17, Private,365613, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,10, Canada +<=50K,32, Private,100135, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +>50K,43, Local-gov,180096, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,371827, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, Portugal +<=50K,26, Private,61270, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Columbia +>50K,41, Federal-gov,564135, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Private,198759, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,52, State-gov,303462, Some-college,10, Separated, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,193106, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,57, Private,250201, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,52, United-States +<=50K,35, Private,200426, Assoc-voc,11, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +<=50K,33, Private,222654, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,53366, 7th-8th,4, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,132222, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,60, United-States +<=50K,17, Private,100828, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,49, Private,31264, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,202027, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,34, Self-emp-not-inc,168906, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,37, Self-emp-not-inc,255454, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Private,245524, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,386040, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,35424, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,59, ?,93655, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,44, Private,152629, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,3103,0,40, United-States +<=50K,53, Self-emp-not-inc,151159, 10th,6, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,99, United-States +<=50K,26, Private,410240, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,138970, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,269722, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,223678, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,32, United-States +<=50K,54, State-gov,197184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,36, Private,143486, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,60, Private,160625, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +>50K,50, Private,140516, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,85341, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,108293, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,2205,40, United-States +<=50K,40, Self-emp-not-inc,192507, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,186932, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,65, Self-emp-not-inc,223580, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,6514,0,40, United-States +<=50K,31, Private,236861, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,46, Local-gov,327886, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,407618, 9th,5, Divorced, ?, Not-in-family, White, Female,2050,0,40, United-States +<=50K,62, Self-emp-inc,197060, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,229180, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, Cuba +<=50K,24, Private,284317, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,24, Private,73514, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Philippines +<=50K,27, Private,47907, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,43, State-gov,134782, Assoc-acdm,12, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,48, Private,118831, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +<=50K,41, Private,299505, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,267161, Some-college,10, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,45, United-States +>50K,38, Private,119177, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,327886, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,187730, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,109015, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,46, Self-emp-not-inc,110015, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, Greece +<=50K,24, Private,104146, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Local-gov,50442, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,35, Private,57640, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,37, Local-gov,333664, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,224858, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,56, Private,290641, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,60, ?,191118, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1848,40, United-States +<=50K,25, Private,34402, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,60, United-States +<=50K,33, Private,245378, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,179136, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,116788, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,129699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Federal-gov,39606, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +>50K,44, Self-emp-inc,95150, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,102479, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,199191, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,31, Private,229636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Mexico +<=50K,26, Private,53833, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,37, Self-emp-inc,27997, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,60, ?,124487, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,111363, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,107630, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,134287, Assoc-voc,11, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,46, Self-emp-inc,283004, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,63, Thailand +<=50K,24, Private,33616, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,47, Local-gov,121124, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,188189, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Private,106255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Federal-gov,282830, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,243904, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, Honduras +<=50K,69, Private,165017, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Male,2538,0,40, United-States +>50K,32, Private,131584, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,51, Private,427781, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,334291, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,173224, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,87507, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,32, Private,187560, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908,0,40, United-States +<=50K,27, Private,204497, 10th,6, Divorced, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,75, United-States +<=50K,60, Private,230545, 7th-8th,4, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, Cuba +<=50K,31, Private,118161, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,150499, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,96554, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,288551, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,52, United-States +<=50K,69, Self-emp-not-inc,104003, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,54, Self-emp-inc,124963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,198388, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,126204, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,91709, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,34, Self-emp-not-inc,152109, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Self-emp-not-inc,191954, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,63, Private,108097, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,10566,0,45, United-States +<=50K,29, Local-gov,289991, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,92115, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,320277, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,33610, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +<=50K,36, Private,168276, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,55, State-gov,175127, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,38, United-States +>50K,37, Private,254973, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,95336, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +>50K,63, Private,346975, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,36, United-States +<=50K,33, Private,227282, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,138153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,57, Local-gov,174132, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1977,40, United-States +>50K,31, Private,182237, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +<=50K,20, ?,111252, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +>50K,58, Local-gov,217775, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,20, ?,168863, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,394503, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,141657, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,125441, 11th,7, Never-married, Other-service, Own-child, White, Male,1055,0,20, United-States +<=50K,26, Private,172230, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,282944, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,45, Local-gov,55377, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,35, State-gov,49352, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,32, Private,213887, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,24046, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,26, State-gov,208122, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +>50K,56, Private,176118, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,22, Private,227994, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,39, United-States +<=50K,49, Private,215389, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,40, Private,99434, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, United-States +<=50K,37, Private,190964, HS-grad,9, Separated, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,23, ?,113700, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,50, United-States +>50K,28, Private,259840, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,168827, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,28984, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,182211, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,82393, Some-college,10, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Private,183639, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,21, United-States +>50K,38, Private,342448, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, State-gov,469907, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1740,40, United-States +<=50K,28, Local-gov,211920, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,33658, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,41, Federal-gov,34178, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,400630, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,73, Self-emp-not-inc,161251, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,24, United-States +<=50K,21, Private,255685, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,38, Private,199256, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,64, ?,143716, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,47, Private,221666, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,52, Private,145409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,60, Canada +<=50K,24, Private,39615, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,104440, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,151382, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Male,0,974,40, United-States +>50K,61, Self-emp-not-inc,503675, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +>50K,58, Private,306233, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,51, Private,216475, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1564,43, United-States +<=50K,49, Private,50748, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,55, England +<=50K,23, Private,107190, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,19, Private,206874, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,83141, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,53, United-States +<=50K,56, Private,444089, 11th,7, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,141896, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,33487, Some-college,10, Divorced, Tech-support, Unmarried, Amer-Indian-Eskimo, Female,0,0,20, United-States +>50K,41, Private,65372, Doctorate,16, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,30, Private,341346, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,343403, Doctorate,16, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, ? +<=50K,47, Private,287480, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Self-emp-inc,107287, 10th,6, Widowed, Exec-managerial, Unmarried, White, Female,0,2559,50, United-States +<=50K,55, Private,199067, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,32, United-States +<=50K,22, ?,182771, Assoc-voc,11, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,31, Private,159737, 10th,6, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,30, Private,110643, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,40, United-States +<=50K,24, Private,117583, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,48, United-States +<=50K,49, Self-emp-not-inc,43479, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,203003, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, Germany +<=50K,50, Private,133963, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,38, Private,227794, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +>50K,49, Self-emp-not-inc,110457, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,281565, HS-grad,9, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,50, South +>50K,46, Federal-gov,297906, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,19, Private,151506, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,31, Federal-gov,139455, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Cuba +<=50K,38, Private,26987, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,56, Self-emp-not-inc,233312, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,161092, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,58, Local-gov,98361, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,188928, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,164922, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,185673, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,193598, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +>50K,56, Private,274111, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,245482, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,56, Private,160932, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,50, Private,44368, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,291374, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,30, Private,280927, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,222993, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,25240, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,204052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,74054, 11th,7, Never-married, Sales, Own-child, Other, Female,0,0,20, ? +<=50K,46, Private,169042, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,25, Ecuador +>50K,31, Private,104509, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,65, United-States +>50K,38, Local-gov,185394, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +>50K,44, Local-gov,254146, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,227856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,19, Private,183041, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,45, Private,107682, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,287598, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,53, Private,182186, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Dominican-Republic +>50K,41, Self-emp-inc,194636, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,65, United-States +<=50K,45, Private,112305, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,212661, 10th,6, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +>50K,37, Private,32709, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,42, Federal-gov,46366, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,24106, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,46, Private,170850, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1590,40, ? +<=50K,45, Self-emp-not-inc,40666, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,182975, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,345122, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,57, ?,208311, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +<=50K,37, Private,120045, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,56, United-States +<=50K,18, ?,201299, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,152940, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Private,243580, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,182128, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,6497,0,50, United-States +<=50K,36, ?,176458, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,28, United-States +<=50K,33, Private,101562, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,108699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,175878, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Female,0,0,40, United-States +>50K,34, Local-gov,177675, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,213887, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,357619, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, Germany +<=50K,23, Private,435835, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1669,55, United-States +<=50K,39, Private,165799, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,71469, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,19, Private,229745, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +>50K,47, Private,284916, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +<=50K,46, Private,28419, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,26950, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,6, United-States +>50K,47, Self-emp-not-inc,107231, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,52, Local-gov,512103, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,245090, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,58, Private,314153, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,243988, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,54, Self-emp-not-inc,82551, Assoc-voc,11, Married-civ-spouse, Tech-support, Other-relative, White, Female,0,0,10, United-States +<=50K,20, Private,42706, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,25, Private,235795, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,25, Self-emp-not-inc,108001, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,15, United-States +<=50K,36, State-gov,112497, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,1876,44, United-States +<=50K,69, Self-emp-not-inc,128206, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +>50K,28, Private,224634, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,20, Private,362999, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,346693, 7th-8th,4, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,37, Private,175759, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,99199, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,32, United-States +<=50K,25, ?,219987, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,13, United-States +<=50K,39, Private,143445, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,34, Private,118710, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,224185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,118972, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,165360, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,38950, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,89, United-States +>50K,42, Self-emp-inc,277256, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,29, Private,247151, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,213722, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,209955, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,41, Private,174395, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,138626, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,1876,50, United-States +<=50K,22, ?,179973, Assoc-voc,11, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,200207, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,44, United-States +<=50K,19, Private,156587, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,24, Private,33016, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,197496, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, ? +<=50K,32, Private,153588, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,99736, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,15020,0,50, United-States +>50K,36, Private,284166, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,18, Private,716066, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,188519, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,109080, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,174421, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,24, Private,259351, Some-college,10, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,42, Federal-gov,284403, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Private,85319, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,60, United-States +<=50K,20, ?,201766, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,20, State-gov,340475, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,39, Private,487486, HS-grad,9, Widowed, Handlers-cleaners, Unmarried, White, Male,0,0,40, ? +<=50K,68, ?,484298, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,35, Private,170617, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,48, United-States +<=50K,54, Private,94055, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,117779, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,209770, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,20, Private,317443, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,15, United-States +<=50K,64, ?,140237, Preschool,1, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,107411, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,36, Self-emp-not-inc,122493, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,44, Self-emp-inc,195124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, ? +>50K,38, Private,101978, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,2258,55, United-States +<=50K,22, Private,335453, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,56, Private,318329, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,100321, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,24, Self-emp-not-inc,81145, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,75, United-States +<=50K,22, Private,62865, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,176262, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +>50K,42, Private,168103, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,208174, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,19, Private,188815, HS-grad,9, Never-married, Other-service, Own-child, White, Female,34095,0,20, United-States +<=50K,67, Self-emp-not-inc,226092, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,212668, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,32, Private,381583, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,46, Private,239439, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,52, Private,172493, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,36, United-States +<=50K,44, Private,239876, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Male,0,0,40, United-States +<=50K,65, ?,221881, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +>50K,37, Local-gov,218184, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,27, Self-emp-not-inc,206889, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,110668, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,35, United-States +<=50K,30, Private,211028, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,64, Local-gov,202984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,48, Private,20296, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,35, Private,194690, 7th-8th,4, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,204984, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,63, Self-emp-not-inc,35021, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,32, China +>50K,40, Self-emp-not-inc,238574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,345360, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,192381, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,479765, 7th-8th,4, Never-married, Sales, Other-relative, White, Male,0,0,45, Guatemala +>50K,45, Self-emp-inc,34091, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,30, Private,151773, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,299080, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, Private,135339, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,2105,0,40, Vietnam +<=50K,27, Local-gov,52156, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,318647, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,80145, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,39, State-gov,343646, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, Mexico +>50K,42, Self-emp-not-inc,198692, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,266635, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,31, Private,197672, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,185846, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,315110, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,220754, Doctorate,16, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,64292, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,126060, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,78012, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,1762,40, United-States +<=50K,32, Private,210562, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,46, United-States +<=50K,23, Private,350181, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,233421, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,53, Private,167170, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,260801, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,173370, Bachelors,13, Separated, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,27, Private,135520, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Dominican-Republic +<=50K,30, Private,121308, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,444743, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,65225, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,58, State-gov,136982, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,40, Honduras +<=50K,45, State-gov,271962, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,204046, 10th,6, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,225823, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,183009, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,1590,40, United-States +<=50K,50, Private,121038, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,26, Private,49092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,148709, HS-grad,9, Separated, Handlers-cleaners, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Private,209205, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,36, Local-gov,285865, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,22, Federal-gov,216129, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Federal-gov,40955, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, Japan +<=50K,54, Private,197189, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,33001, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,44, Private,227399, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,164050, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,259087, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,236262, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,26, Private,177929, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +>50K,48, Private,166929, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, ? +<=50K,32, Private,199963, 11th,7, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,35, State-gov,98776, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,135056, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Self-emp-not-inc,55363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +>50K,42, State-gov,102343, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,72, India +<=50K,30, Private,231263, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,226913, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,36, Private,129573, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,191001, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Federal-gov,69345, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,204556, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,192626, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,45, Private,202812, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,405177, 10th,6, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,227890, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,46, United-States +>50K,33, Private,101352, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,49, Private,82572, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +>50K,28, Private,132686, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,149210, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024,0,40, United-States +<=50K,27, Private,245661, HS-grad,9, Separated, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,47, Self-emp-inc,483596, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,2885,0,32, United-States +>50K,42, State-gov,104663, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Italy +<=50K,30, Private,347166, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,37, Local-gov,108540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,333305, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,51, Private,155408, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, Black, Female,0,0,38, United-States +<=50K,27, Federal-gov,246372, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,30290, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,347321, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-inc,205852, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,40, Federal-gov,163215, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, ? +>50K,54, State-gov,93449, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,47, Self-emp-inc,116927, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,35, Private,164526, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Yugoslavia +<=50K,33, Private,31573, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,125159, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, Haiti +>50K,39, State-gov,201105, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,25, ?,122745, HS-grad,9, Never-married, ?, Own-child, White, Male,0,1602,40, United-States +<=50K,33, Private,150570, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,118941, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Ireland +>50K,53, Private,141388, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,174714, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +>50K,31, State-gov,75755, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,63, Private,133144, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,21, Self-emp-not-inc,318865, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,59, Private,109638, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,92969, 1st-4th,2, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,66, ?,376028, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,19, Private,144161, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,31, Private,183778, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,398904, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,45, Private,170846, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,35, Local-gov,204277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,205152, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,225395, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,60, Mexico +>50K,38, Private,33975, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,147032, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,8, Philippines +<=50K,64, Private,174826, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Local-gov,232769, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,25, Private,36984, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,292264, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,26, Private,303973, HS-grad,9, Never-married, Priv-house-serv, Other-relative, White, Female,0,1602,15, Mexico +<=50K,23, Private,287988, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +>50K,67, Self-emp-inc,330144, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,191948, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,46, Private,324601, 1st-4th,2, Separated, Machine-op-inspct, Own-child, White, Female,0,0,40, Guatemala +<=50K,38, State-gov,200289, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,20, Private,113307, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,28, ?,194087, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Private,155213, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,58, Private,175127, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,358461, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, State-gov,354929, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,38, United-States +>50K,53, State-gov,104501, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,45, Private,112929, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,35, United-States +<=50K,33, Private,132832, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, State-gov,357691, Masters,14, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,114605, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,60, Self-emp-not-inc,525878, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,68358, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,174571, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +<=50K,40, Private,42703, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,220589, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,197558, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,423250, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Self-emp-not-inc,29254, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,20, ?,308924, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,49, Local-gov,276247, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,37, Private,213841, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,52, Private,181677, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,46, Private,160061, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,285295, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,43, Private,265266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,222115, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,99999,0,40, United-States +<=50K,25, State-gov,194954, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,48, Private,156926, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,217414, Some-college,10, Divorced, Protective-serv, Unmarried, White, Male,0,0,55, United-States +>50K,37, Private,538443, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,14344,0,40, United-States +<=50K,18, ?,192399, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,42, Private,383493, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,193235, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,24, United-States +>50K,37, Self-emp-inc,99452, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,44, Local-gov,254134, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,90446, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,116613, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Portugal +>50K,42, Local-gov,238188, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,95909, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,41, Private,82319, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +>50K,34, Private,182274, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1887,40, United-States +<=50K,56, Private,179625, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,28, Private,119793, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,254989, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,104830, 7th-8th,4, Never-married, Transport-moving, Unmarried, White, Male,0,0,25, Guatemala +>50K,49, Federal-gov,110373, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,135416, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,298225, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,166740, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,213668, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,26, Private,276624, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,226789, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,58, United-States +<=50K,37, Private,31023, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Local-gov,116666, HS-grad,9, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,4650,0,48, United-States +>50K,42, Private,136986, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,41, Private,179580, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,23, Private,103277, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,31, Federal-gov,351141, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,191161, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,57, United-States +<=50K,20, Private,148709, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Private,128382, Some-college,10, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +>50K,50, Private,144361, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,172538, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,102476, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,27828,0,50, United-States +<=50K,39, Private,46028, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,60, United-States +<=50K,32, Private,198452, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,193895, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,233421, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,45, United-States +<=50K,50, Private,378747, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,31251, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,37, United-States +<=50K,32, Private,71540, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,194772, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,20, Private,34568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3781,0,35, United-States +<=50K,50, Self-emp-not-inc,36480, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,18, Private,116528, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,60, Private,52152, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, Private,216690, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,42, Local-gov,227065, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,22, United-States +<=50K,49, Private,84013, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,35, Self-emp-inc,82051, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,176185, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Iran +>50K,59, Private,115414, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,24, Self-emp-inc,493034, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,13550,0,50, United-States +<=50K,55, Private,354923, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,393712, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,98941, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,141483, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,172479, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,21, Private,226145, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,394612, Bachelors,13, Never-married, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,231085, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,55, Self-emp-not-inc,183810, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,186159, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,162282, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Private,219021, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,44, United-States +<=50K,23, Private,273206, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,23, United-States +>50K,47, Self-emp-inc,332355, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,23, Private,102729, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,42, Private,198096, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,292933, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,18, Private,135924, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,37, Private,99146, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,34, Private,27409, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,299507, Assoc-acdm,12, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,102631, Some-college,10, Widowed, Farming-fishing, Unmarried, White, Female,0,0,50, United-States +<=50K,51, Private,153486, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,434292, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,30, United-States +<=50K,28, Self-emp-not-inc,240172, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,56, Private,219426, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,295791, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,114032, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,45, United-States +<=50K,23, Local-gov,496382, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, Guatemala +<=50K,33, Private,376483, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,30, United-States +<=50K,27, Private,107218, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,246207, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,18, ?,80564, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,36, Private,83089, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, Mexico +<=50K,37, Local-gov,328301, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,39, Local-gov,301614, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,36, Private,199739, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,24, Private,180060, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,2354,0,40, United-States +<=50K,26, Private,121040, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,125550, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,170772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,180551, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,48189, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,432154, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,8, Mexico +<=50K,26, Private,263200, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,47, Private,123207, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,17, Private,110798, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,238481, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,31, Private,185528, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,34, Private,181311, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,528616, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,272950, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,195532, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,197583, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,48612, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,54, Local-gov,31533, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,32, Federal-gov,148138, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2002,40, Iran +<=50K,29, Local-gov,30069, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,2635,0,40, United-States +<=50K,68, ?,170182, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,27, Local-gov,230885, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,54, Private,174102, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,352606, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,241153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,54, Private,155433, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,21, Private,109414, Some-college,10, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,1974,40, United-States +<=50K,40, Private,125461, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, Private,331556, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,138575, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,60, United-States +<=50K,35, Private,223514, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,39, Private,115418, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,2174,0,45, United-States +<=50K,38, Private,193026, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,1408,40, ? +>50K,41, Private,147206, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,174592, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,268620, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,70, Self-emp-not-inc,150886, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,45, Private,112362, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,83, Private,195507, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Male,0,0,55, United-States +<=50K,59, Private,192983, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,120544, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,15, United-States +<=50K,31, Private,59083, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,43, Private,208277, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,24, Local-gov,184678, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,278736, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,48, Local-gov,39464, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,52, United-States +<=50K,27, Private,162343, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,41, Private,204046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,255647, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, Mexico +>50K,53, Private,123011, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,291362, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,31, Private,159187, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, State-gov,126414, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,227626, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,173783, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,74, Private,211075, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Private,176756, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1485,70, United-States +<=50K,35, Self-emp-not-inc,31095, Some-college,10, Separated, Farming-fishing, Not-in-family, White, Male,4101,0,60, United-States +<=50K,51, Self-emp-not-inc,32372, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,70, United-States +<=50K,40, Private,331651, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Local-gov,146325, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,515025, 10th,6, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,53, Private,394474, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,32, Private,400535, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3781,0,40, United-States +<=50K,29, Self-emp-not-inc,337505, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,42, Private,211860, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,102684, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,32, United-States +<=50K,62, ?,225657, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,33, Private,121966, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,396790, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,20, United-States +>50K,46, Local-gov,149949, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,252187, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,209934, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,29, Federal-gov,229300, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +>50K,33, Private,170769, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,99999,0,60, United-States +<=50K,50, Private,200618, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,216984, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,40, Private,212760, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,150309, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,54, Private,174655, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,109621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,225124, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,172695, 11th,7, Widowed, Other-service, Not-in-family, White, Female,0,0,27, El-Salvador +<=50K,71, Self-emp-not-inc,238479, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,27, Private,37754, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,56, Private,85018, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,64, Private,256466, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,60, Philippines +<=50K,23, Private,169188, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +>50K,36, Private,210945, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,287031, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,224361, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,108464, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,75826, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,120277, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,104439, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,56870, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,200819, 12th,8, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,170562, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,20, United-States +<=50K,30, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,33088, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Local-gov,112763, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,7430,0,36, United-States +<=50K,29, Private,177651, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,261943, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,169785, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Italy +<=50K,20, Private,141481, 11th,7, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,50, United-States +<=50K,37, Private,433491, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,28, Local-gov,86615, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +>50K,39, Private,125550, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, State-gov,421223, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,26999, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +>50K,36, Self-emp-not-inc,241998, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,20, United-States +<=50K,34, ?,133861, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +>50K,44, Private,115323, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,23778, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Self-emp-not-inc,190836, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,159179, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,64, ?,205479, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,47713, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,163237, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,61, Private,202202, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,168837, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,112271, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,52537, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,30, United-States +<=50K,27, Private,38353, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,141698, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,28856, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,175652, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,15, United-States +<=50K,36, Private,213008, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,196501, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,14084,0,50, United-States +>50K,63, Private,118798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,51, Private,92463, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,125165, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,42, Self-emp-not-inc,103980, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, ?,180362, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,53903, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,179735, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +>50K,41, ?,277390, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,49, Private,122177, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,80, United-States +<=50K,46, Private,188161, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,170108, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,175262, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, Mexico +<=50K,19, ?,204441, HS-grad,9, Never-married, ?, Other-relative, Black, Male,0,0,20, United-States +<=50K,19, Private,164395, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,18, Private,115630, 11th,7, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,39, Private,178815, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,60, Self-emp-not-inc,168223, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Local-gov,202560, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1408,40, United-States +>50K,38, Private,100295, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, Canada +>50K,36, Private,172256, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,45, Private,51664, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, State-gov,358893, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,2339,40, United-States +<=50K,30, Private,115963, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,333910, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,43, United-States +<=50K,23, Private,148948, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,48, State-gov,130561, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,24, United-States +<=50K,46, Private,428350, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,43, Private,188808, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,112847, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, Other, Male,0,0,40, United-States +<=50K,50, Private,110748, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Self-emp-inc,156653, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,35, Private,196491, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Local-gov,254413, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,91262, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,43, Self-emp-not-inc,154785, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,80, Thailand +<=50K,55, Private,84231, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,226327, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,248406, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,32, United-States +<=50K,35, Private,54317, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,50, United-States +<=50K,22, ?,32732, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,50, United-States +<=50K,20, Private,95918, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,375675, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,43, Private,244172, HS-grad,9, Separated, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,46, Federal-gov,233555, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +<=50K,39, Private,326342, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,2635,0,37, United-States +<=50K,34, Private,77271, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,20, England +<=50K,35, Private,33397, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,446358, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,41, United-States +<=50K,25, Private,151810, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,28, United-States +>50K,44, Private,125461, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,133906, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,155106, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,43, Federal-gov,203637, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,32, Private,232766, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,305319, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,121023, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,198997, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,38, Private,167140, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +<=50K,20, Private,38772, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,41, Private,253759, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,130067, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,65, United-States +<=50K,37, Private,203828, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, State-gov,221558, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,24, ? +<=50K,31, Private,156464, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,72333, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,33, Local-gov,83671, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,50, United-States +>50K,31, Private,339482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,19, Private,91928, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,44, Private,99203, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,31, Self-emp-inc,455995, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,62, Private,192515, HS-grad,9, Widowed, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,111483, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2174,10, United-States +<=50K,17, Private,221129, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,60, Private,85413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,31, Private,196125, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,265638, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,53, Private,177727, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Private,205822, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,112607, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,40, Federal-gov,177595, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,18, Private,183315, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,10, United-States +<=50K,47, Private,116279, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,43, United-States +<=50K,38, Federal-gov,122493, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,4064,0,40, United-States +<=50K,37, Private,215419, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,40, Private,310101, Some-college,10, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,57, Self-emp-inc,61885, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,43, Private,59107, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,4101,0,40, United-States +<=50K,32, Private,227214, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, Ecuador +<=50K,64, Private,239450, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,118847, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-not-inc,95226, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, ?,659273, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,40, Trinadad&Tobago +<=50K,23, Private,215395, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,170600, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,91044, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,27, Private,318639, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,60, Mexico +<=50K,23, Private,160398, Some-college,10, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,216824, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,35, Private,308945, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,75, United-States +>50K,47, Private,30840, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,99309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,188576, Bachelors,13, Separated, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Private,83064, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,403865, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,40, Private,235786, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,44, Private,191893, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,31, Local-gov,149184, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,97, United-States +>50K,37, Private,152909, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,23, Private,435604, Assoc-voc,11, Separated, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,30, Self-emp-inc,109282, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,31, Private,248178, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, United-States +<=50K,24, ?,112683, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,32, Private,209103, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3464,0,40, United-States +<=50K,27, Private,183639, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,35, Local-gov,107233, HS-grad,9, Never-married, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0,0,55, United-States +<=50K,27, Private,175387, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,40, United-States +<=50K,30, Self-emp-not-inc,178255, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, ? +<=50K,33, Self-emp-not-inc,38223, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,70, United-States +>50K,34, Private,228873, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,202182, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Local-gov,425092, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,2174,0,40, United-States +<=50K,39, Self-emp-not-inc,152587, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,39089, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +>50K,51, Private,204304, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,40, Private,116103, Some-college,10, Separated, Craft-repair, Unmarried, White, Male,4934,0,47, United-States +<=50K,53, Private,290640, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,58, Federal-gov,81973, Some-college,10, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,1485,40, United-States +>50K,29, Private,134890, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,452924, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +>50K,57, Private,245193, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,69, State-gov,34339, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,184756, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,56, Private,392160, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,25, Mexico +<=50K,49, Private,168337, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,309513, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,77219, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,44, Private,212888, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,37, Private,361888, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,58, Local-gov,237879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,42, Self-emp-not-inc,93099, Some-college,10, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,41, Private,225193, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,50814, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Local-gov,123681, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +<=50K,24, Private,249351, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,222311, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,7688,0,55, United-States +<=50K,18, Private,301762, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,50, Private,195298, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,69, Private,541737, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,2050,0,24, United-States +<=50K,84, Private,241065, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,66, United-States +>50K,47, Private,129513, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,374262, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,382146, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, ?,185291, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,53, Private,30447, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,49893, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,197387, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,24, Mexico +<=50K,36, Self-emp-not-inc,111957, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,34, Private,340458, 12th,8, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,185670, 1st-4th,2, Widowed, Prof-specialty, Unmarried, White, Female,0,0,21, Mexico +<=50K,37, Private,210945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,24, United-States +>50K,43, Private,350661, Prof-school,15, Separated, Tech-support, Not-in-family, White, Male,0,0,50, Columbia +>50K,42, Private,190543, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,70261, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,179048, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Greece +<=50K,35, Private,242094, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,117634, Some-college,10, Widowed, Craft-repair, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,82531, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,51, Private,193374, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,30, ?,186420, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,19, Private,323605, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,56, Private,371064, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,39927, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,8, United-States +<=50K,22, Private,64292, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +>50K,33, Private,198660, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,99999,0,56, United-States +<=50K,54, ?,196975, HS-grad,9, Divorced, ?, Other-relative, White, Male,0,0,45, United-States +<=50K,22, Private,210165, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,68, Private,144137, Some-college,10, Divorced, Priv-house-serv, Other-relative, White, Female,0,0,30, United-States +<=50K,56, Local-gov,155657, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,23, ?,72953, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,107548, 9th,5, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,163258, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,221324, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,444822, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, Mexico +<=50K,17, Private,154398, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,16, Haiti +<=50K,31, Private,120672, 11th,7, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,1721,40, United-States +>50K,50, Private,159650, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,62, Private,290754, 10th,6, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,49654, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,52, United-States +<=50K,20, Federal-gov,147352, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,227943, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,18, Private,423024, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,53, ?,64322, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,445940, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,230824, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,48882, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,47, Private,168195, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,53, Local-gov,188644, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,136077, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, State-gov,119793, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,336513, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,186991, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,218948, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,32, Mexico +<=50K,26, Private,211435, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,280169, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456,0,8, United-States +<=50K,27, Private,109997, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,286789, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,102460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,287160, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,39, Private,198097, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,119111, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,174461, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Self-emp-not-inc,281678, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,24, ?,377725, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,151053, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,186539, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,149478, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,40, Private,198452, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,52, Private,198863, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Male,0,2559,60, United-States +<=50K,33, Private,176711, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,165310, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, White, Male,0,0,20, United-States +<=50K,37, Private,213008, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Japan +<=50K,21, State-gov,38251, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,33, Private,125761, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,36, United-States +<=50K,28, Private,148645, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,273435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,43, Private,208613, Bachelors,13, Separated, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,192565, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,183885, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,47, Self-emp-not-inc,243631, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,37, Private,191754, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,261278, Some-college,10, Separated, Sales, Other-relative, Black, Male,0,0,30, United-States +<=50K,55, Private,127014, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,197919, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,217460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,39, Private,86551, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,98051, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,38, Private,215917, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,53, Self-emp-not-inc,192982, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,85, United-States +<=50K,27, Self-emp-not-inc,334132, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,78, United-States +>50K,42, Private,136986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,116812, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,189123, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,58, United-States +<=50K,26, Private,89648, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, ?,190027, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,59, Private,99248, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,57600, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,25, Private,199224, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,140363, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,36, United-States +<=50K,30, Private,308812, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,21, Private,275421, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,213321, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,157747, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Private,182314, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,220589, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,12, United-States +>50K,55, ?,208640, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,29, Self-emp-not-inc,189346, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,2202,0,50, United-States +<=50K,46, Private,124071, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,44, United-States +<=50K,35, Federal-gov,20469, Some-college,10, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,31, Private,154227, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +>50K,37, Private,105044, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,43, Private,35910, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,23, Private,189203, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,116493, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,13550,0,44, United-States +>50K,42, Local-gov,19700, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,26, Private,48718, 10th,6, Never-married, Adm-clerical, Not-in-family, White, Female,2907,0,40, United-States +>50K,45, Private,106113, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,256263, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,202498, 7th-8th,4, Separated, ?, Not-in-family, White, Male,0,0,40, Guatemala +>50K,38, Private,120074, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,122922, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,68, Self-emp-not-inc,116903, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2149,40, United-States +>50K,42, Local-gov,222596, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,107302, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, India +<=50K,36, Private,156400, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,53373, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,58916, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,45, Local-gov,167159, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,283806, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,140426, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,35, ? +>50K,36, Local-gov,61778, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,41, Private,33310, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,202560, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,25, Self-emp-not-inc,60828, Some-college,10, Never-married, Farming-fishing, Own-child, White, Female,0,0,50, United-States +<=50K,53, State-gov,153486, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,28, Local-gov,167536, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,30, Local-gov,370990, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,198867, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,174924, Some-college,10, Divorced, Protective-serv, Unmarried, White, Male,0,0,48, Germany +<=50K,30, Private,175856, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,169628, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,40, ? +<=50K,29, ?,125159, Some-college,10, Never-married, ?, Not-in-family, Black, Male,0,0,36, ? +<=50K,31, Private,220690, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +<=50K,36, Private,160035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,55, United-States +<=50K,59, Self-emp-not-inc,116878, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Greece +<=50K,33, Self-emp-not-inc,134737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,29, Private,81648, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +>50K,49, State-gov,122177, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Federal-gov,69614, 10th,6, Separated, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +>50K,33, Private,112115, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,28, Private,299422, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,81, ?,162882, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,112854, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,16, United-States +<=50K,32, Self-emp-not-inc,33417, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,47, Federal-gov,224559, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,44, ?,468706, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,357028, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,37, Local-gov,51158, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,7298,0,36, United-States +>50K,51, Private,186303, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,127749, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,291386, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,138054, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Other, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,174533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,200835, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,108658, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Private,180985, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,34803, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,59, Private,75867, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,156819, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,61272, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Portugal +<=50K,24, Private,39827, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Puerto-Rico +<=50K,38, Private,130007, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,80324, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,322614, Preschool,1, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,1719,40, Mexico +<=50K,30, Private,140869, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,73, Local-gov,181902, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, Poland +<=50K,30, Private,287908, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,309630, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,28225, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,58, United-States +<=50K,40, ?,428584, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,3464,0,20, United-States +<=50K,18, Private,39222, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,359131, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,8, ? +<=50K,22, Private,122272, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,198400, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,62, ?,73091, 7th-8th,4, Widowed, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Self-emp-inc,283338, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,22, Private,208946, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,348416, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,379046, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,29, Private,183887, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,127961, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,211129, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,29, Local-gov,187649, HS-grad,9, Separated, Protective-serv, Other-relative, White, Female,0,0,40, United-States +>50K,49, Federal-gov,94754, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,231826, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,28, Private,142764, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +<=50K,22, Private,126822, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,60, United-States +<=50K,37, Private,188069, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,284395, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,31267, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,161444, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Columbia +<=50K,25, Private,144483, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,133655, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, State-gov,112074, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, Private,249727, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,22, United-States +<=50K,18, Private,165754, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,30, Local-gov,172822, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,288433, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,40, Private,33331, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,168071, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,45, Private,207277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,130620, Some-college,10, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0,0,26, India +<=50K,40, Private,136244, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,972354, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,245297, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,32, State-gov,71151, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,118352, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,21, Private,117210, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,120068, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,48343, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,52, Private,84451, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,51, ?,76437, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,281704, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,54, Private,123011, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,104729, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,48, United-States +<=50K,29, Private,110134, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,186067, 10th,6, Never-married, Tech-support, Own-child, White, Male,0,0,10, United-States +<=50K,47, Private,214702, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,37, Puerto-Rico +<=50K,46, Private,384795, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,32, United-States +<=50K,30, Private,175931, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,58, Private,366324, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,48, Private,118717, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,219835, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Mexico +<=50K,23, Private,176486, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +<=50K,45, Private,273435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,182661, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,20, United-States +<=50K,26, Private,212304, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +>50K,50, Local-gov,133963, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,165152, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,274724, Some-college,10, Never-married, Other-service, Other-relative, White, Male,0,0,40, Nicaragua +<=50K,47, Private,196707, Prof-school,15, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,213002, 12th,8, Never-married, Sales, Not-in-family, White, Male,4650,0,50, United-States +<=50K,19, ?,26620, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,361481, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,35, Private,148581, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +>50K,46, Private,459189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,50, United-States +<=50K,28, Self-emp-not-inc,214689, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,289364, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,21, Private,174907, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,348099, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, ?,104965, 9th,5, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,31600, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,286282, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,35, Self-emp-not-inc,181705, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +>50K,33, Private,238912, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,34, Private,134737, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +>50K,67, ?,157403, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,6418,0,10, United-States +>50K,37, Private,197429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,48, Private,47343, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,67083, Bachelors,13, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,1471,0,40, Cambodia +<=50K,24, Private,249957, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,175942, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,40, France +>50K,50, Private,192982, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1848,40, United-States +>50K,40, Private,209547, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +<=50K,33, Private,142675, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,51, Federal-gov,190333, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,196396, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,166740, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,174533, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,210867, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, ? +>50K,37, Private,118486, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,4934,0,32, United-States +<=50K,40, Private,144067, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,106964, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,178136, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,196554, Prof-school,15, Separated, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,40, Self-emp-not-inc,403550, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,498216, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,192755, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,20, United-States +<=50K,20, ?,53738, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,33, Private,156192, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,189802, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,66, ?,213149, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,1825,40, United-States +<=50K,35, Self-emp-not-inc,179171, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,38, Germany +<=50K,32, Private,77634, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,189830, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +<=50K,19, Private,127190, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,44, ?,174147, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138107, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,35, United-States +<=50K,44, Self-emp-inc,269733, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,41, State-gov,227734, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464,0,40, United-States +<=50K,19, Private,318822, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Private,48885, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,45, Private,205424, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,173858, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,42, Cambodia +>50K,34, Private,202450, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,154779, Some-college,10, Never-married, Sales, Other-relative, Other, Female,0,0,40, United-States +<=50K,33, Private,180551, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,177522, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,277328, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, Cuba +<=50K,34, Private,112584, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +>50K,48, State-gov,85384, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,123971, 11th,7, Divorced, ?, Not-in-family, White, Female,0,0,49, United-States +>50K,42, Private,69019, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,112847, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,52900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,42, Private,37937, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,59380, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,47, Private,114770, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,29, Private,216481, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,176469, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +>50K,34, Private,176831, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Federal-gov,410034, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,93662, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,24, United-States +<=50K,42, Self-emp-inc,144236, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, Private,240917, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,35, United-States +>50K,53, Private,608184, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1902,40, United-States +<=50K,51, Private,243361, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,44, Self-emp-not-inc,35166, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,90, United-States +>50K,46, Self-emp-inc,182655, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,51, Private,142717, Doctorate,16, Divorced, Craft-repair, Not-in-family, White, Female,4787,0,60, United-States +<=50K,32, Private,272944, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,219233, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,1602,30, United-States +<=50K,24, Private,228686, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,236818, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,26, United-States +<=50K,47, Self-emp-not-inc,117865, HS-grad,9, Married-AF-spouse, Craft-repair, Husband, White, Male,0,0,90, United-States +<=50K,64, Self-emp-not-inc,106538, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,62, Private,153891, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Private,190909, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,191002, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, Poland +<=50K,42, Private,89073, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +>50K,38, Federal-gov,238342, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,42, United-States +<=50K,55, Private,259532, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, ?,189282, HS-grad,9, Married-civ-spouse, ?, Not-in-family, White, Female,0,0,27, United-States +<=50K,42, Private,132481, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,24, United-States +>50K,30, Private,205659, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, Thailand +<=50K,32, Private,182323, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,216256, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3464,0,30, United-States +<=50K,50, Federal-gov,166419, 11th,7, Never-married, Sales, Not-in-family, Black, Female,3674,0,40, United-States +<=50K,27, Private,152246, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,47, Private,155659, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,155198, 9th,5, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,100931, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,162945, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,31, Federal-gov,334346, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,181597, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,133969, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,63, South +<=50K,50, Private,210217, Bachelors,13, Divorced, Sales, Unmarried, Black, Male,0,0,40, United-States +>50K,49, Private,169711, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +>50K,57, ?,300104, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,7298,0,84, United-States +<=50K,19, Private,271521, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,24, United-States +<=50K,18, Private,51255, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,44, Self-emp-not-inc,26669, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,99, United-States +<=50K,54, Private,194580, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,35, State-gov,177974, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,315640, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, China +<=50K,50, Self-emp-inc,136913, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,43, State-gov,230961, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,167062, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,47, Private,120131, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +<=50K,30, Private,171876, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, Private,136866, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,40, Private,316820, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1485,40, United-States +>50K,55, Private,185459, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,67, ?,81761, HS-grad,9, Divorced, ?, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,43716, Assoc-voc,11, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,43, United-States +<=50K,30, Private,220939, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, ?,148657, Preschool,1, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +<=50K,51, Federal-gov,40808, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,43, United-States +<=50K,34, Private,183473, HS-grad,9, Divorced, Transport-moving, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,108496, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,204838, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,29, Private,132686, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,17, State-gov,117906, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,304386, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,52, ?,248113, Preschool,1, Married-spouse-absent, ?, Other-relative, White, Male,0,0,40, Mexico +>50K,39, Private,165215, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,18, United-States +<=50K,18, ?,215463, 12th,8, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,259719, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Black, Male,0,0,40, Nicaragua +<=50K,25, ?,35829, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,34, Private,248795, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +>50K,44, Self-emp-not-inc,124692, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,37, Local-gov,128054, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,179731, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2415,65, United-States +>50K,32, Self-emp-inc,113543, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,252153, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,45, Federal-gov,45891, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,42, United-States +<=50K,30, Private,112263, 11th,7, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,47791, 12th,8, Divorced, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,41, Private,202980, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, Peru +<=50K,21, Private,34918, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,48, Private,91251, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, China +>50K,31, Private,132996, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,45, United-States +<=50K,34, Private,306215, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,203570, HS-grad,9, Separated, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,355918, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,35, Self-emp-not-inc,198841, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,282964, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,312197, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, Mexico +<=50K,44, Private,98779, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,60, United-States +>50K,32, Private,200246, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,182771, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, Private,199908, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,36, Private,172104, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Other, Male,0,0,40, India +>50K,53, Self-emp-not-inc,35295, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,27, Private,216858, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +<=50K,27, Private,332187, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,65, United-States +<=50K,57, Private,255109, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,17, Private,111332, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,59, Local-gov,238431, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,34, Private,131552, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,110239, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,31, State-gov,255830, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,45, United-States +<=50K,18, ?,175648, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,82998, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,164320, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,263498, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,162381, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Local-gov,229651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,357348, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Private,269657, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,38, Local-gov,82880, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, United-States +<=50K,19, Private,389755, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,34, Private,195136, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +<=50K,41, Private,207685, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, ? +<=50K,23, Private,222925, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,2105,0,40, United-States +<=50K,24, ?,196388, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,12, United-States +<=50K,24, Private,50341, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,214134, 10th,6, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,84, United-States +>50K,45, Private,114032, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,45, Private,192053, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,48, Private,240231, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,42, Private,44402, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Self-emp-not-inc,191503, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,163530, HS-grad,9, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,51, Local-gov,136823, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,32, United-States +>50K,59, Private,121912, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,58624, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Local-gov,74056, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Private,144259, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,4386,0,80, ? +<=50K,57, Private,182028, Assoc-acdm,12, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,209040, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,206046, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,182494, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,185057, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, Scotland +<=50K,60, Private,147473, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,221722, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14344,0,50, United-States +<=50K,20, ?,388811, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,221912, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,48189, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,29, State-gov,382272, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,48347, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,143046, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,38, United-States +>50K,63, Self-emp-inc,137940, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,28, Private,249571, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,79, Private,121318, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +>50K,39, Private,224531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,29, Private,185019, 12th,8, Never-married, Other-service, Not-in-family, Other, Male,0,0,40, United-States +<=50K,60, Private,27886, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,94741, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,20, Private,107801, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,2205,18, United-States +>50K,44, Private,191256, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,47, Private,256866, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,59, Private,197148, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,24, United-States +<=50K,37, Private,312271, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,21, Private,118657, HS-grad,9, Separated, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,68, Private,224338, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,242488, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,40, United-States +<=50K,23, ?,234970, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,227915, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,33, United-States +<=50K,40, Local-gov,105717, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,1876,35, United-States +<=50K,45, Self-emp-not-inc,160962, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,34, ?,353881, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,3103,0,60, United-States +<=50K,22, Private,188950, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,201328, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,218678, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,49, United-States +<=50K,23, Private,184255, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Federal-gov,200968, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,45, United-States +<=50K,26, Private,102264, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,300584, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,208946, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,105021, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,124751, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,274057, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,8, United-States +>50K,38, Private,132879, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,260960, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,56, Private,208415, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, ? +>50K,42, Private,356934, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,154410, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,35378, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,73, Private,301210, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1735,20, United-States +<=50K,32, Private,73621, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +>50K,37, Private,108140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,66, Private,217198, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,10, United-States +<=50K,22, Private,157332, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,51, Private,202956, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,173495, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,65, Private,149811, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,2206,59, Canada +<=50K,39, Private,444219, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,45, United-States +<=50K,48, Private,125120, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,20, Private,190429, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,190303, Assoc-acdm,12, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,48, Private,248164, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4386,0,50, United-States +<=50K,29, Federal-gov,208534, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +>50K,36, Self-emp-not-inc,343721, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, ? +>50K,35, Self-emp-inc,196373, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,31, Private,433788, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, State-gov,122086, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,137314, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,40, Self-emp-not-inc,33068, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,210688, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,26, Local-gov,117833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,35, United-States +<=50K,37, State-gov,103474, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,65, Private,115880, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,233933, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,42, Private,52781, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,586657, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Japan +<=50K,62, Private,113080, 7th-8th,4, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,251905, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,76, Self-emp-not-inc,225964, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,8, United-States +<=50K,20, ?,194096, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,263831, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,133136, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,121634, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,22, Self-emp-inc,40767, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Federal-gov,355789, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,50, United-States +<=50K,43, Local-gov,311914, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,91189, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,44, Federal-gov,344060, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,113823, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,49, State-gov,185800, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,7430,0,40, United-States +>50K,30, Private,76107, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,117618, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,39, Private,238008, HS-grad,9, Widowed, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,136480, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,50, Private,285200, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,35, United-States +<=50K,19, Private,351040, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Puerto-Rico +>50K,35, Private,1226583, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,23, Private,195767, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,187540, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,79372, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,226665, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,42, United-States +>50K,52, Private,213209, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,211005, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,60, United-States +<=50K,24, Private,96178, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,328216, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,39, Private,110713, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,45, Self-emp-not-inc,225456, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Local-gov,159908, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1258,38, United-States +>50K,43, Private,118308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,45, Private,180309, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,39630, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,273828, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,56, Private,172071, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,28, Private,218887, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Female,0,0,35, United-States +<=50K,23, Private,664670, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,43, Private,209149, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,26, Private,84619, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,447346, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,55, Local-gov,37869, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,48, State-gov,99086, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,143582, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,2129,72, ? +>50K,38, Private,326886, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,181755, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,56, Self-emp-not-inc,249368, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,39, Self-emp-not-inc,326400, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,504725, 5th-6th,3, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,50, Mexico +<=50K,36, Private,88967, 11th,7, Never-married, Transport-moving, Unmarried, Amer-Indian-Eskimo, Male,0,0,65, United-States +<=50K,42, Self-emp-not-inc,170721, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,40, United-States +>50K,50, Private,148953, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,342752, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,57, Private,220871, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,73, Private,29675, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,12, United-States +<=50K,50, Federal-gov,183611, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,115215, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,27, Private,152231, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, ?,41356, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,225142, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,121313, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,134821, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,51, Private,311350, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,102106, 10th,6, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,427055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, Mexico +<=50K,40, Private,117860, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Private,285885, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,212800, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,194864, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,18, United-States +<=50K,36, Private,31438, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,43, United-States +<=50K,46, Private,148254, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,69, Private,113035, 1st-4th,2, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,0,4, United-States +<=50K,69, Private,106595, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,1848,0,40, United-States +<=50K,28, Private,144521, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,20, Private,172232, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,48, United-States +<=50K,54, State-gov,123592, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,3887,0,35, United-States +<=50K,25, Private,191921, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,64, Local-gov,237379, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3471,0,40, United-States +<=50K,17, Private,208463, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Federal-gov,68985, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,22418, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,57, Private,163047, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,51, Private,153870, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2603,40, United-States +<=50K,20, ?,124954, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,47, Private,197702, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,166415, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,52, United-States +>50K,50, State-gov,116211, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,20, Private,33644, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,43, State-gov,33331, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,46, Private,73019, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,169182, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, Puerto-Rico +<=50K,53, Private,20438, Some-college,10, Separated, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,15, United-States +<=50K,21, Private,109869, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,58, Private,316849, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,208043, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,61, Private,153790, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,56, State-gov,153451, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,59, Private,96840, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,72, Private,192732, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,209101, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,146919, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,46, Local-gov,192323, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,48, Private,217019, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,28, United-States +<=50K,33, Private,198211, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,222490, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,106758, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,31, Private,561334, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,203710, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Local-gov,203322, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,51, Private,123703, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +<=50K,46, State-gov,312015, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,209428, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, El-Salvador +>50K,61, Private,230292, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,17, Private,114420, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,120238, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,35, Private,100375, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Self-emp-not-inc,42485, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,37, Private,130620, 12th,8, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,33, ? +<=50K,39, Local-gov,134367, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,42, Private,147099, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +>50K,35, Private,36214, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,47, United-States +>50K,45, Private,119904, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,47, Self-emp-inc,105779, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,64, Private,165020, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,39, Private,187098, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,47, United-States +<=50K,43, ?,142030, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,241360, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,62, Private,121319, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,53, Private,151580, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,31, Private,162572, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,35917, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,35723, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,194773, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,62155, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,35, United-States +>50K,45, Self-emp-not-inc,192203, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,46, Private,174370, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,161007, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,270517, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +>50K,43, Private,163847, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,193882, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,160037, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Federal-gov,189944, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,72, United-States +<=50K,85, Private,115364, HS-grad,9, Widowed, Sales, Unmarried, White, Male,0,0,35, United-States +<=50K,41, Private,163174, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, State-gov,188900, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,3325,0,35, United-States +<=50K,22, Private,214399, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,60, Private,156616, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,204862, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,34, ?,55921, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,172475, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,2977,0,45, United-States +<=50K,24, Private,153082, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,45, Local-gov,195418, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Local-gov,276840, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +>50K,30, Private,97933, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Wife, White, Female,0,1485,37, United-States +>50K,50, Self-emp-inc,119099, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +>50K,41, Self-emp-not-inc,83411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,198992, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,45, Private,337825, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,34, Private,192002, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,189346, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,231962, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,26, Private,164488, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,13550,0,50, United-States +>50K,48, Private,200471, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,69, Private,228921, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Male,0,2282,40, United-States +<=50K,41, Private,184846, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,233851, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,499001, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,65, Local-gov,125768, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,28, United-States +<=50K,31, Private,255004, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1741,38, United-States +<=50K,28, Private,157624, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,146767, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,118291, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,80, United-States +<=50K,43, Private,313181, HS-grad,9, Divorced, Adm-clerical, Other-relative, Black, Male,0,0,38, United-States +<=50K,31, Private,87891, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,31, Private,226443, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,81132, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,20, Private,216436, Bachelors,13, Never-married, Sales, Other-relative, Black, Female,0,0,30, United-States +<=50K,25, Private,213412, Bachelors,13, Never-married, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,179358, HS-grad,9, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,30, United-States +<=50K,31, Private,369825, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,4101,0,50, United-States +<=50K,56, Private,199763, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,239390, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,47, Self-emp-not-inc,173613, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,65, United-States +<=50K,40, Self-emp-inc,37869, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,302845, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,48, United-States +<=50K,34, State-gov,85218, Masters,14, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,24, United-States +<=50K,37, Private,48268, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,173968, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,70982, Assoc-voc,11, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,16, United-States +<=50K,49, Private,166857, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,256191, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +<=50K,26, Private,162872, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,82, Private,152148, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,2, United-States +<=50K,40, Private,139193, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,791084, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,23, Private,137214, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,37, United-States +<=50K,19, Private,183258, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,67, Private,154035, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, Black, Male,0,0,32, United-States +>50K,43, Private,115323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,41, Private,213055, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,50, United-States +<=50K,37, Private,155064, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,33551, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,169995, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,168262, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,99999,0,50, United-States +<=50K,40, Private,104196, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,114055, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,274398, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,78, ?,27979, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2228,0,32, United-States +<=50K,67, ?,244122, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,1, United-States +>50K,49, Private,196571, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,66, Private,101607, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +<=50K,52, Private,122109, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,323,40, United-States +<=50K,59, Self-emp-inc,255822, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,72, Private,195184, HS-grad,9, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,12, Cuba +<=50K,35, Federal-gov,245372, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,169583, Bachelors,13, Married-AF-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,224531, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,186151, HS-grad,9, Separated, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,118693, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,39, Private,297449, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,125206, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,393264, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,108140, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,63, Private,264968, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,318106, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,156025, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, State-gov,149455, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,359985, 5th-6th,3, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,33, Mexico +>50K,44, State-gov,165108, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,43, Private,115178, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,149224, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,41, Local-gov,352056, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,174717, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,75, ?,173064, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,29, Private,147755, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +<=50K,52, Self-emp-not-inc,135716, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,47, Private,44216, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,28, Private,37359, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,24, Private,178255, Some-college,10, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, ? +<=50K,30, State-gov,70617, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,10, China +>50K,30, Private,154950, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,40, Private,356934, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,271714, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,247025, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,44, United-States +<=50K,32, Private,107417, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,36, State-gov,116554, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,917220, 12th,8, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,430084, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,202937, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, Poland +<=50K,27, Private,62737, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,508548, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,275223, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,35, Self-emp-not-inc,381931, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,246974, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,105431, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Private,146311, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,159869, Doctorate,16, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,204641, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,66297, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,38, Private,227615, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,66, ?,107744, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, Private,360393, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,19, Private,263340, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,141918, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,22, United-States +<=50K,37, Private,294292, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,128736, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,33, Local-gov,511289, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,27, Private,302406, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,101517, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,54, State-gov,161334, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +<=50K,24, Self-emp-inc,189148, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,103111, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,48, Self-emp-not-inc,51620, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,31606, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,34292, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,38, United-States +<=50K,21, Private,107882, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,9, United-States +<=50K,18, Private,39529, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,18, Private,135315, 9th,5, Never-married, Sales, Own-child, Other, Female,0,0,32, United-States +<=50K,29, Private,107812, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,229729, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,111891, HS-grad,9, Separated, Machine-op-inspct, Other-relative, Black, Female,0,0,40, United-States +<=50K,32, Private,340917, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,202952, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,24, United-States +<=50K,79, Private,333230, HS-grad,9, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,6, United-States +<=50K,34, Private,114955, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,159869, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,57758, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,207064, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,193090, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,3674,0,40, United-States +<=50K,64, Private,151364, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,70, Local-gov,88638, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,7896,0,50, United-States +<=50K,28, Local-gov,304960, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,1980,40, United-States +<=50K,51, Private,102828, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Greece +<=50K,20, ?,210029, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,34, State-gov,154246, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,4865,0,55, United-States +<=50K,29, Private,142519, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,104455, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,77, Self-emp-inc,192230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,292592, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,27, Private,330132, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,51111, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Local-gov,258037, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +>50K,42, Local-gov,188291, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, United-States +<=50K,35, State-gov,349066, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,62, ?,191188, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,133503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,2635,0,16, United-States +<=50K,45, Private,146497, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,19, Private,240468, Some-college,10, Married-spouse-absent, Sales, Own-child, White, Female,0,1602,40, United-States +<=50K,38, Private,175120, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,416577, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,45, United-States +<=50K,29, Private,253814, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,159247, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,102471, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,80, Puerto-Rico +<=50K,42, Private,213464, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,211968, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,43, Federal-gov,32016, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,512992, 11th,7, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,45, United-States +<=50K,39, Private,135020, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,109133, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,28, Private,142712, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,76900, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,112176, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,30, United-States +>50K,43, Federal-gov,262233, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,122066, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, Hungary +<=50K,28, Private,194690, 7th-8th,4, Separated, Other-service, Own-child, White, Male,0,0,60, Mexico +<=50K,35, Private,306678, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885,0,40, United-States +<=50K,19, ?,217769, Some-college,10, Never-married, ?, Own-child, White, Female,594,0,10, United-States +>50K,35, Local-gov,308945, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,46699, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,377757, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,220993, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1590,48, United-States +<=50K,45, Private,102147, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,113770, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,139012, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,45, Private,148900, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Federal-gov,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Self-emp-inc,181408, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,44, Local-gov,101950, Prof-school,15, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,59, Self-emp-not-inc,32537, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,209547, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202373, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +<=50K,29, Self-emp-not-inc,151476, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,2174,0,40, United-States +>50K,51, Self-emp-not-inc,174824, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,8614,0,40, United-States +<=50K,22, Private,138768, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,143482, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,200190, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,38, Private,168407, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,5721,0,44, United-States +<=50K,23, Private,148315, Some-college,10, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,270517, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +<=50K,40, Private,53506, Bachelors,13, Divorced, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,105693, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,189589, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,164574, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,185744, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, United-States +<=50K,40, Local-gov,33155, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,215955, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,38, Self-emp-not-inc,233571, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,211253, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Federal-gov,191385, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Male,2174,0,40, United-States +<=50K,20, Private,137895, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,62, State-gov,159699, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,31, Private,295922, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,175856, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,216129, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,62, Local-gov,407669, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,0,0,35, United-States +>50K,43, Local-gov,214242, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,285457, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,30, Self-emp-inc,124420, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,4650,0,40, United-States +<=50K,22, ?,246386, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,142751, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Local-gov,283635, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Self-emp-not-inc,322931, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,40, United-States +<=50K,49, Private,76482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, State-gov,431745, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,48, Private,141944, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +>50K,32, Private,193042, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,33, Private,67006, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,240398, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,15, United-States +>50K,33, Federal-gov,182714, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +>50K,50, Federal-gov,172046, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,185177, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,32, Private,102858, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,42, United-States +<=50K,39, Private,84954, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,2829,0,65, United-States +<=50K,21, Private,115895, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,184589, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,21, United-States +<=50K,32, Private,282611, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,218649, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,157541, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, United-States +<=50K,70, Private,145419, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,5, United-States +>50K,34, Private,122616, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,84, United-States +<=50K,53, Private,204584, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,117210, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,37, Private,69481, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,148492, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,50, United-States +>50K,23, Private,106957, 11th,7, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,14344,0,40, Vietnam +>50K,32, Private,29312, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,57, Private,120302, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,111916, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,182227, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,30, Private,219110, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,31, Private,200192, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,19, Private,427862, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,23, State-gov,33551, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,44, Private,164043, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, ?,116632, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,175133, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,289731, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,32, Private,256362, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,282612, Assoc-voc,11, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,73679, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,237824, HS-grad,9, Married-spouse-absent, Priv-house-serv, Other-relative, Black, Female,0,0,60, Jamaica +<=50K,36, Local-gov,357720, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,155489, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, Poland +<=50K,44, Private,138077, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,42, Private,183479, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,103596, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,99, United-States +<=50K,33, Private,172304, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,313853, Bachelors,13, Divorced, Other-service, Unmarried, Black, Male,0,0,45, United-States +<=50K,17, Private,294485, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,637080, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,32, Private,385959, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,116539, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,129263, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,60, Private,141253, 10th,6, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,48, United-States +<=50K,35, State-gov,35626, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,43, Federal-gov,94937, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,220269, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,29, Self-emp-not-inc,169544, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +>50K,36, Private,214604, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +>50K,27, Private,81540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,24013, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +<=50K,22, Private,124940, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,44, United-States +<=50K,33, State-gov,313729, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,61, Private,192237, 10th,6, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,28, ?,168524, Assoc-voc,11, Married-civ-spouse, ?, Own-child, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,113324, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,22, Private,215477, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,199903, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,431861, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,105938, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,1602,20, United-States +<=50K,28, Private,274679, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,177499, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,1590,35, United-States +<=50K,28, Private,206125, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Local-gov,221740, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,58, Private,202652, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,39, Private,348960, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,171876, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,157932, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,201344, Bachelors,13, Divorced, Craft-repair, Own-child, White, Female,0,0,20, United-States +>50K,38, Private,354739, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,36, Philippines +<=50K,34, Private,40067, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,326862, Some-college,10, Divorced, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,48, Local-gov,189762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,149049, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,226246, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,80, ?,29020, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,10605,0,10, United-States +<=50K,23, Private,38251, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,33, Private,196385, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,38, Self-emp-not-inc,217054, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,104973, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,238959, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,9562,0,40, United-States +<=50K,40, State-gov,34218, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,292962, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Female,0,0,40, United-States +<=50K,45, Private,235924, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,98656, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,102610, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,80, United-States +<=50K,32, Local-gov,296466, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,33, Private,323069, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,184756, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,233993, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,22, Private,130724, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +>50K,52, Self-emp-inc,181855, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999,0,65, United-States +<=50K,67, Self-emp-not-inc,127543, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414,0,80, United-States +<=50K,40, Private,187164, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,45, United-States +<=50K,55, Private,113912, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,29, Private,216479, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,135480, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,16, United-States +<=50K,22, Private,204160, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,64, State-gov,114650, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,240172, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,28, Private,184831, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,124590, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +>50K,47, State-gov,120429, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,26, Private,202033, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,156874, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,27, United-States +<=50K,52, Self-emp-inc,177727, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,4064,0,45, United-States +>50K,48, Local-gov,334409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,36, Private,311255, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Haiti +<=50K,23, Private,214227, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Private,115849, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,56, State-gov,671292, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,53, Private,31460, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,141824, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,310152, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,3325,0,40, United-States +<=50K,25, Private,179953, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,2597,0,31, United-States +<=50K,31, Private,137952, Some-college,10, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,36, Private,103323, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829,0,40, United-States +<=50K,46, Private,174426, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,46, State-gov,192779, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Male,0,2258,38, United-States +<=50K,32, Private,169955, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,36, Puerto-Rico +<=50K,43, Self-emp-not-inc,48087, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +>50K,30, Private,132601, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,41, Self-emp-inc,253060, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +>50K,50, Private,108435, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,60, United-States +<=50K,37, State-gov,210452, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,22, Local-gov,134181, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,50, United-States +<=50K,51, Federal-gov,45487, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +>50K,47, Private,183522, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,40, Private,199303, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,83064, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,134997, Some-college,10, Separated, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,30, Private,44419, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,27, Self-emp-not-inc,442612, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,31, Local-gov,158092, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,31, Private,374833, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,112650, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,183390, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,207418, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, ?,335453, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,16, United-States +>50K,29, Private,243660, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,54243, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Private,50385, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +>50K,47, State-gov,187581, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,34, Private,37380, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,247025, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, ?,29231, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,23, State-gov,101094, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,60, United-States +<=50K,42, Local-gov,176716, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,118429, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Federal-gov,221532, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,120572, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Local-gov,124680, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,153160, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,114678, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,5455,0,40, United-States +>50K,49, State-gov,142856, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,29702, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,20, Private,277700, Preschool,1, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,55, Self-emp-inc,67433, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,121124, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, Private,394447, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,33, United-States +<=50K,36, Private,79649, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,203763, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,0,0,80, United-States +>50K,55, Private,229029, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,48, United-States +<=50K,21, ?,494638, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,162816, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,109117, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,24, Private,32732, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Self-emp-not-inc,217692, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, Private,34590, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,18, ?,276864, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,20, United-States +<=50K,56, Private,168625, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,4101,0,40, United-States +>50K,36, Private,91037, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Private,171484, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,57, Private,200453, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,57, Private,36990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,52, United-States +<=50K,33, Private,198211, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,61, ?,30475, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Private,70995, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,99, United-States +<=50K,28, Private,245790, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,273324, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1721,16, United-States +<=50K,60, Private,182687, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Local-gov,247807, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,163113, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,50, Private,180522, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,38, United-States +<=50K,23, Local-gov,203353, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,12, United-States +<=50K,30, Private,87469, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,216563, 11th,7, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,90, Private,87372, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,72, United-States +<=50K,49, Local-gov,173584, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Local-gov,80282, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137,0,40, United-States +>50K,34, Private,319854, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Taiwan +<=50K,37, Federal-gov,408229, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,431307, 10th,6, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,50, United-States +<=50K,37, Private,134088, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,246396, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +>50K,34, Private,159255, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,106014, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,186934, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,39, Private,120130, Some-college,10, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,203849, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,19, United-States +<=50K,24, Private,207940, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,28, Private,302406, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,41, Self-emp-not-inc,144594, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2179,40, United-States +<=50K,69, ?,171050, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,9, United-States +<=50K,32, Private,459007, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,90, United-States +>50K,58, Private,372181, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,172034, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,75, United-States +>50K,41, Private,156566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +>50K,35, Self-emp-inc,338320, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,353696, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, Canada +>50K,46, Self-emp-not-inc,342907, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +>50K,69, Self-emp-inc,169717, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418,0,45, United-States +<=50K,22, Private,103762, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,36, State-gov,47570, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,119432, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,144165, Bachelors,13, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,35, Private,180647, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,37, Local-gov,312232, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,5178,0,40, United-States +<=50K,35, State-gov,150488, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,200876, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,16, United-States +<=50K,43, Private,188199, 9th,5, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,53, State-gov,118793, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,204325, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,29, Private,256671, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,231515, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,47, Cuba +<=50K,24, Private,100669, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,30, Private,88913, Some-college,10, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,23, Private,363219, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,6, United-States +<=50K,27, ?,291547, Bachelors,13, Married-civ-spouse, ?, Not-in-family, Other, Female,0,0,6, Mexico +<=50K,36, Private,308945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,100316, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,33, Private,296453, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,15, United-States +<=50K,66, Private,298834, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Canada +<=50K,45, Self-emp-not-inc,188694, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,29240, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,12, United-States +>50K,37, Private,186934, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +<=50K,17, Private,154908, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,31, Private,22201, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,46, Private,216999, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,40, Private,186916, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,116677, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,95763, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Private,266710, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,41, United-States +>50K,46, Private,117849, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,242460, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Self-emp-not-inc,202729, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,181652, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,174760, Assoc-acdm,12, Married-spouse-absent, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Private,56121, 11th,7, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,390369, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,149726, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,51262, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,190350, 12th,8, Never-married, Other-service, Unmarried, Black, Female,0,0,35, ? +>50K,53, Federal-gov,205288, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,35, United-States +<=50K,36, Private,154835, HS-grad,9, Separated, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,45, Private,89028, HS-grad,9, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,10520,0,40, United-States +<=50K,36, Private,194630, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Self-emp-not-inc,212207, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,11, United-States +<=50K,27, Private,204788, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,158688, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,97723, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,193026, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,257250, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,75, United-States +<=50K,48, Private,355978, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,200574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,21, Private,376929, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +>50K,47, State-gov,123219, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,82778, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,61, Self-emp-not-inc,115882, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,64, Private,103021, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,297767, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,44, Private,259479, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,20, Private,167787, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,23, Local-gov,40021, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,70, United-States +<=50K,52, Private,245275, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,43, Private,37402, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +<=50K,32, Private,103608, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,63, Private,137192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +>50K,29, Private,137618, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,41, United-States +<=50K,42, Self-emp-inc,96509, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, Taiwan +<=50K,65, Private,196174, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,28, United-States +<=50K,24, Private,172612, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,141186, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,228190, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,40, Self-emp-inc,190290, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,38, Federal-gov,307404, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,152436, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Self-emp-not-inc,182541, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,50, United-States +<=50K,39, Private,282153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,29, ?,41281, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Private,162003, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,36, United-States +>50K,36, Private,190759, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,208122, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,57, Private,173832, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,55, Private,129173, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,287548, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,216116, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +<=50K,24, Private,146706, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Private,285200, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-inc,314375, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,44, Private,203943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,35, United-States +<=50K,18, ?,274746, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,27, Private,517000, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +<=50K,36, Private,66173, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,182823, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,29, Private,159479, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,55, United-States +<=50K,25, Private,135568, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,333676, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,45, Private,201699, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,28, Private,96020, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,43, Private,176138, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,47496, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,20, Private,187158, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,22, Private,249727, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,76, Self-emp-not-inc,237624, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,24, Private,175254, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,42924, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Private,205950, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,111985, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,30, Private,167476, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +>50K,40, Private,221172, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, ?,188711, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Private,199448, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,313038, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,148431, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,40, United-States +<=50K,19, Private,112432, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,58, United-States +<=50K,46, Private,57914, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,145166, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,247119, 7th-8th,4, Widowed, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Dominican-Republic +<=50K,53, Private,196278, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,366531, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,216481, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,188027, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,37, Private,66686, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,74775, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, Vietnam +>50K,65, ?,325537, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,30, Self-emp-not-inc,250499, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,55, United-States +<=50K,57, Self-emp-not-inc,192869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,44, Self-emp-inc,121352, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Self-emp-not-inc,70985, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064,0,40, United-States +<=50K,27, Self-emp-not-inc,123116, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,57, Local-gov,339163, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,59, Self-emp-not-inc,124771, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,32, Private,167531, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,15024,0,50, United-States +<=50K,90, ?,77053, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,4356,40, United-States +<=50K,22, Private,199266, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Private,190728, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,99212, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,48, United-States +>50K,38, Local-gov,421446, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,61, Private,215944, 9th,5, Divorced, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,24, Private,72310, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,43, United-States +<=50K,25, Private,57512, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,89413, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,28151, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,90, Private,46786, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,9386,0,15, United-States +<=50K,30, Private,226943, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,44, Private,182402, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,305352, 10th,6, Divorced, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +>50K,63, Self-emp-inc,189253, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,60, Private,296485, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,204375, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,49, Self-emp-not-inc,249585, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,47, Private,148995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,42, Self-emp-inc,168071, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,53, Private,194995, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Italy +<=50K,23, Private,211049, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,4101,0,40, United-States +<=50K,28, ?,196630, Assoc-voc,11, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,20, Private,50397, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,35, United-States +<=50K,43, Private,177905, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3908,0,40, United-States +>50K,32, Private,204374, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +>50K,43, Private,60001, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,44, United-States +<=50K,31, Private,223046, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,29, ?,44921, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,154571, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,39, Private,67136, Assoc-voc,11, Separated, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,29, Private,188675, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Jamaica +<=50K,20, Private,390817, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, Mexico +<=50K,23, ?,145964, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,30424, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,53, Private,548361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,189148, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,58, Self-emp-not-inc,266707, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2179,18, United-States +<=50K,51, Self-emp-not-inc,311569, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,187653, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +<=50K,38, Private,235379, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +>50K,41, Private,188615, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,322691, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,184698, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,50, Private,144361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,130057, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Self-emp-inc,117963, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,123876, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,248445, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,32, Private,207172, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,46, State-gov,119904, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,1564,55, United-States +>50K,62, Private,134768, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Local-gov,269168, HS-grad,9, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, ? +>50K,56, Private,132026, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,7688,0,45, United-States +>50K,37, Private,60722, Some-college,10, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,41, Private,648223, 1st-4th,2, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,40, Mexico +<=50K,56, Private,298695, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,219835, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +>50K,34, Self-emp-not-inc,313729, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,45, Private,140644, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Private,203488, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,132341, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,161683, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +>50K,38, Private,312771, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,258102, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,57, ?,24127, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,47, Private,254367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,77, ?,185426, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +>50K,43, Private,152629, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,141058, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,41, Private,233130, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,406641, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, State-gov,119422, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,255486, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,25, United-States +<=50K,22, Private,161532, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,25, Private,75759, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,18, Private,163332, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +<=50K,28, Private,103802, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,1408,40, ? +>50K,50, Private,34832, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,28, Private,37933, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,48, United-States +<=50K,21, Private,165107, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,126011, Assoc-voc,11, Divorced, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,56651, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,522881, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,32, Private,191777, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,35, England +<=50K,27, Private,132686, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,55, Private,201112, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Private,174283, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,208591, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,126399, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,142073, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,18, Private,395567, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,74, Private,180455, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,8, United-States +<=50K,22, Private,235853, 9th,5, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,160731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,31935, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,80, United-States +>50K,41, Private,35166, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,24, Private,161092, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,23, Private,223019, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,179673, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +>50K,46, State-gov,248895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,200323, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,41, Private,230020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +>50K,29, Private,134890, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,162096, 9th,5, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,45, China +<=50K,51, Private,103824, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,34, State-gov,61431, 12th,8, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,58, Private,197319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,183618, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,268598, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,7298,0,50, Puerto-Rico +<=50K,53, Private,263729, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,39493, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,185360, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,132661, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,60, United-States +<=50K,20, Private,266400, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,48, United-States +<=50K,23, Private,433669, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,216473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Self-emp-not-inc,217404, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,227778, Assoc-voc,11, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,73, State-gov,96262, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,247566, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,24, United-States +>50K,56, Private,139616, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,73585, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,37869, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1590,40, United-States +<=50K,33, Private,165814, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,108913, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,34975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,157078, 10th,6, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,232672, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,294295, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,58, Self-emp-inc,130454, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Local-gov,461678, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, State-gov,252284, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,256737, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,96480, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Germany +<=50K,25, Private,234263, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,109952, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,262570, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,65716, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,68, Private,201732, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,174788, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,38, Private,278924, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,101593, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,71, ?,193863, 7th-8th,4, Widowed, ?, Other-relative, White, Female,0,0,16, Poland +<=50K,37, Private,342768, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,242606, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +<=50K,27, State-gov,176727, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,99179, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, State-gov,354104, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,25, Private,61956, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,47, Federal-gov,137917, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,224658, Some-college,10, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,38, Private,51100, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,3325,0,40, United-States +<=50K,25, Private,224361, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,362912, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,50, United-States +<=50K,23, Private,218782, 10th,6, Never-married, Handlers-cleaners, Other-relative, Other, Male,0,0,40, United-States +<=50K,28, Private,103389, Masters,14, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,308944, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,140092, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,202210, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Private,416059, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,281030, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,94, United-States +<=50K,19, Private,169758, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,68, Private,193666, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,55, United-States +<=50K,41, Private,139907, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,18, Self-emp-inc,119422, HS-grad,9, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,30, India +>50K,29, Private,149324, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +>50K,40, Private,259307, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,51, Self-emp-not-inc,74160, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,49, Private,134797, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, State-gov,41103, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,38, Local-gov,193026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,303986, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Cuba +<=50K,35, Private,126569, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,66, Private,166461, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,26, United-States +<=50K,27, ?,61387, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,25, Private,254746, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,77, ?,28678, Masters,14, Married-civ-spouse, ?, Husband, White, Male,9386,0,6, United-States +<=50K,19, ?,180976, 10th,6, Never-married, ?, Unmarried, White, Female,0,0,35, United-States +>50K,70, Private,282642, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2174,40, United-States +<=50K,59, Self-emp-not-inc,136413, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,25, Private,131463, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Local-gov,177240, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +>50K,37, Private,218490, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, El-Salvador +<=50K,75, ?,260543, 10th,6, Widowed, ?, Other-relative, Asian-Pac-Islander, Female,0,0,1, China +<=50K,21, ?,80680, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,20728, HS-grad,9, Never-married, Sales, Own-child, White, Female,4101,0,40, United-States +>50K,47, Federal-gov,117628, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,91939, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,1721,30, United-States +<=50K,32, State-gov,175931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,309566, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,53, Private,123703, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,369678, HS-grad,9, Never-married, ?, Not-in-family, Other, Male,0,0,30, United-States +<=50K,58, Private,29928, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,36, United-States +<=50K,22, Private,167868, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,235894, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,189888, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,3325,0,60, United-States +<=50K,36, Private,111545, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,39, Private,175972, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,34, Local-gov,254270, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,185057, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, Private,157593, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,1455,0,6, United-States +>50K,34, Private,101345, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,51, Local-gov,176751, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,32, Self-emp-not-inc,97723, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,127601, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,227597, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,143995, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,21, Private,250051, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,26, Private,284078, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,207668, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1887,40, United-States +<=50K,18, Private,163787, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,119170, 11th,7, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,188612, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, Nicaragua +>50K,36, Private,114605, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,317761, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,164197, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,54, Private,329266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,34, Local-gov,207383, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,123598, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,259931, 11th,7, Separated, Machine-op-inspct, Other-relative, White, Male,0,0,30, United-States +>50K,32, Private,134737, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,42, Private,106900, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,87054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,37, Private,82622, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,181659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,321205, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,4101,0,35, United-States +>50K,44, Self-emp-not-inc,231348, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,276096, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,290560, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,307315, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,39, State-gov,99156, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,237928, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,39, United-States +<=50K,46, Private,153501, HS-grad,9, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,47, ?,149700, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,36, United-States +>50K,47, Private,189680, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +>50K,35, Private,374524, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +>50K,60, Self-emp-not-inc,127805, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,150217, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, Poland +<=50K,33, Private,295649, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, China +<=50K,21, Private,197182, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,241998, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,48, Federal-gov,156410, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,58, Private,473836, 7th-8th,4, Widowed, Farming-fishing, Other-relative, White, Female,0,0,45, Guatemala +<=50K,21, Private,198431, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,113936, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,318915, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,175406, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +>50K,33, ?,193172, Assoc-voc,11, Married-civ-spouse, ?, Own-child, White, Female,7688,0,50, United-States +<=50K,23, Federal-gov,320294, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,58, State-gov,400285, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,24, ?,283731, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,227154, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,49, Private,298659, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, Mexico +>50K,47, Private,212120, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,50, Private,320510, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,21, Private,175800, HS-grad,9, Never-married, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,55, Private,170169, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,344157, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,199441, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,225456, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,50, United-States +<=50K,36, Private,61178, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,175262, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,2002,40, England +<=50K,42, Private,152568, HS-grad,9, Widowed, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,41, Private,182108, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,27828,0,35, United-States +>50K,46, Private,273771, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +<=50K,32, Private,208291, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,224358, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,55176, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,60, State-gov,152711, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,68684, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,185452, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Federal-gov,175232, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1977,60, United-States +<=50K,23, Private,173851, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,162327, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,50, ? +<=50K,36, Local-gov,51424, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,123416, 12th,8, Separated, Prof-specialty, Own-child, White, Female,1055,0,40, United-States +<=50K,26, Private,262656, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,233194, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,290660, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,55, United-States +<=50K,22, Private,151105, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,18, United-States +>50K,38, Private,179117, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, Black, Female,10520,0,50, United-States +>50K,72, ?,33608, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,9386,0,30, United-States +<=50K,39, Private,317434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, State-gov,126569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,38, Local-gov,745768, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,19, Private,69927, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,16, United-States +<=50K,26, Private,302603, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,52, Private,46788, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Male,0,0,25, United-States +<=50K,41, Private,289886, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Other, Male,0,1579,40, Nicaragua +<=50K,45, Private,179135, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Federal-gov,175873, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,57426, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,36, Private,312206, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Without-pay,344858, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,26, State-gov,177035, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,88055, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,111095, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,192251, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,27, Private,29807, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, Japan +<=50K,26, Federal-gov,211596, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,268276, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +>50K,59, Self-emp-not-inc,181070, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, England +<=50K,53, Local-gov,20676, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,35, Private,115803, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Local-gov,124827, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,95336, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,257942, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,72593, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,147340, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,185325, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,59, Self-emp-not-inc,357943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,215395, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,1602,10, United-States +<=50K,50, Local-gov,30682, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Federal-gov,29591, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,40, United-States +<=50K,36, Private,215392, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Private,110554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,4386,0,40, United-States +<=50K,42, Self-emp-not-inc,133584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,38, Private,210438, 7th-8th,4, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,256916, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,73541, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,109952, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,197975, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, United-States +<=50K,27, Private,401723, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,42, Private,179524, Bachelors,13, Separated, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, State-gov,296282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,145844, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,59, Private,191965, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,3908,0,28, United-States +<=50K,54, Private,96792, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,48, Private,185041, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1672,55, United-States +<=50K,19, ?,233779, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,45, Private,347834, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,215373, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,35, Self-emp-not-inc,169426, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,202856, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,33, Private,50276, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,187454, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,126098, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,250639, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,64, Self-emp-inc,195366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,186845, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,8, United-States +<=50K,20, Federal-gov,119156, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +<=50K,28, Private,162343, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Puerto-Rico +>50K,52, Private,108435, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, Greece +<=50K,29, Self-emp-not-inc,394927, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,51, Private,172281, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,370767, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,60, United-States +>50K,43, Private,352005, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,52, Private,165681, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Private,258819, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,130793, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,118909, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,44, Private,202466, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,47, Private,161558, 10th,6, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,45, United-States +<=50K,32, Private,188246, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,160120, Masters,14, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +<=50K,40, Private,144594, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829,0,40, United-States +<=50K,34, Self-emp-not-inc,123429, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,35, Self-emp-inc,340110, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,523067, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,3, El-Salvador +<=50K,49, Self-emp-not-inc,113513, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,63, ?,186809, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,46, Self-emp-not-inc,320421, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,31, Local-gov,295589, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,370548, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,120572, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,12, United-States +>50K,52, Private,110977, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,55860, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,34, Private,158800, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,131568, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,173613, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,216867, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,104089, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,208106, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Ecuador +<=50K,27, State-gov,340269, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,236246, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,213408, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, Cuba +<=50K,40, ?,84232, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,19, Private,302945, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, Thailand +>50K,69, ?,28197, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,262749, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,34, Federal-gov,198265, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +>50K,49, Private,170871, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,177761, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,50, United-States +>50K,59, Private,175689, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,14, Cuba +>50K,45, Private,205100, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,21, Private,77759, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,51, State-gov,77905, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,64, ?,193575, 11th,7, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +>50K,41, State-gov,116520, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,85154, 12th,8, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,24, Germany +<=50K,49, Private,180532, Masters,14, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,508891, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,211345, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,20, United-States +<=50K,69, Self-emp-not-inc,170877, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, ?,97318, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,43, Private,184105, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,150941, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,44, United-States +<=50K,32, Private,303942, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,273929, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,197077, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,62, Private,162825, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,159869, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,19, Private,158343, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, ? +<=50K,17, ?,406920, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,227986, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,137527, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,180150, 12th,8, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,239539, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,58, Private,281792, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,224799, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,292639, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,10566,0,35, United-States +<=50K,66, Private,22313, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,42, Private,194636, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,156089, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,193720, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,25, Private,218667, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,358837, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,174685, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,168854, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,54, United-States +<=50K,28, Private,133696, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,65, United-States +<=50K,23, Federal-gov,350680, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, Poland +<=50K,18, Private,115215, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,43, Self-emp-not-inc,152958, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,217200, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,235124, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,46, Dominican-Republic +<=50K,31, Local-gov,144949, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,135470, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,42, Private,281209, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,46, Private,155489, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,38, Private,290306, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,182042, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,31, Private,210008, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,54, Private,234938, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,55, United-States +<=50K,46, Private,315423, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2042,50, United-States +<=50K,27, Self-emp-not-inc,30244, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,80, United-States +>50K,50, Local-gov,30008, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,38, Self-emp-not-inc,201328, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,36, State-gov,96468, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,486332, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, Mexico +<=50K,19, Private,46162, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +<=50K,60, Local-gov,98350, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, Philippines +<=50K,45, Local-gov,175958, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,119309, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,1602,16, United-States +<=50K,42, Private,175935, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1980,46, United-States +<=50K,38, Private,204527, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,57827, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,418176, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,32, United-States +<=50K,23, Private,262744, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,177287, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,30, Private,255004, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,52, United-States +<=50K,62, Private,183735, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,318644, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,42, Federal-gov,132125, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,33, Private,206051, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,99185, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,35, Private,225750, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,33, Private,245777, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,169092, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,62, Private,211035, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,24, Private,285432, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,50, Local-gov,154779, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,54, Private,37237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,417419, 7th-8th,4, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,33975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,42485, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,170017, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,152683, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,35, United-States +<=50K,20, Private,41721, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +<=50K,64, Private,66634, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,257216, Masters,14, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,167882, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,43, United-States +<=50K,45, Private,179428, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,26, Private,57512, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,301614, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,193820, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1876,40, United-States +>50K,58, Private,222247, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,39, Self-emp-inc,189092, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,217509, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,45, Thailand +<=50K,35, Private,308691, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,38, Private,169672, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,120914, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,370156, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,28, Private,398220, 5th-6th,3, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,44, Self-emp-not-inc,208277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,45, United-States +<=50K,40, Private,337456, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,172666, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,32280, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,194901, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, ?,57329, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, Japan +>50K,32, Private,173730, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,45, Local-gov,153312, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,10, United-States +<=50K,23, Private,274797, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,31, Private,359249, Assoc-voc,11, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,152744, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,59, Private,188041, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,97723, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,49, State-gov,354529, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,249727, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,26, Private,189590, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,23, State-gov,298871, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,55, Self-emp-not-inc,205296, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +>50K,47, Private,303637, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,49, United-States +<=50K,44, Private,242861, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,37599, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +>50K,40, State-gov,199381, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,37, United-States +>50K,32, Self-emp-not-inc,56328, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,20, Private,256211, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,84, Local-gov,163685, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,33, United-States +<=50K,40, Private,266084, Some-college,10, Divorced, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,37, Private,161111, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,199031, Some-college,10, Divorced, Transport-moving, Own-child, White, Male,0,1380,40, United-States +<=50K,47, Private,166634, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Germany +<=50K,62, Self-emp-not-inc,204085, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,19, ?,369527, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,464945, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Local-gov,174684, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,26, Local-gov,166295, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,41, United-States +<=50K,36, Private,220511, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,246936, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,104509, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, ?,266337, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,252168, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,92093, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,62, Private,88055, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,129591, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,142719, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,18, ?,264924, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,128796, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,115336, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,70, United-States +>50K,52, Private,190333, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,179444, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,15, United-States +<=50K,49, Private,218676, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,17, Local-gov,148194, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,33, Private,184833, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,70, Self-emp-not-inc,280639, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,2329,0,20, United-States +<=50K,19, Private,217769, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,27, ?,180553, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,61, Private,56009, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,255334, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,46, Self-emp-inc,328216, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,42, ? +<=50K,29, Private,349154, 10th,6, Separated, Farming-fishing, Unmarried, White, Female,0,0,40, Guatemala +<=50K,40, Local-gov,24763, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,6849,0,40, United-States +>50K,43, State-gov,41834, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,24, Private,113466, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,130856, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,61, Self-emp-not-inc,268797, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,17, United-States +<=50K,48, Private,202117, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,19, Private,280146, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,70377, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,236696, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,39, Local-gov,222572, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,46, Self-emp-inc,110702, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,2036,0,60, United-States +>50K,40, Private,96129, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,27, Local-gov,200492, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,193820, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,454508, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,2001,40, United-States +<=50K,58, Private,220789, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,33, Private,101345, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,42, Canada +<=50K,40, Private,140559, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,40, Self-emp-inc,64885, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,31, Private,402361, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,143582, HS-grad,9, Separated, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,48, China +<=50K,49, Private,185385, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,112706, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,130364, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,58, Local-gov,147428, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,205895, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,65, ?,273569, HS-grad,9, Widowed, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Private,153160, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,167918, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,41, Private,195661, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,54, United-States +<=50K,27, State-gov,146243, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, ?,105428, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,26, Private,149943, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,60, ? +<=50K,52, Local-gov,246197, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,192563, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,19, Private,244115, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,39, Local-gov,98587, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,45, United-States +<=50K,47, Private,145886, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,244315, HS-grad,9, Divorced, Craft-repair, Other-relative, Other, Male,0,0,40, United-States +<=50K,48, Private,192779, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,209464, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,60, Private,25141, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,28, Private,405793, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,47, Federal-gov,53498, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, ?,476653, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,40, Self-emp-not-inc,162312, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,66, South +<=50K,37, Private,277022, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Female,3887,0,40, Nicaragua +<=50K,41, State-gov,109762, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,123031, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,48, Trinadad&Tobago +<=50K,46, Federal-gov,119890, Assoc-voc,11, Separated, Tech-support, Not-in-family, Other, Female,0,0,30, United-States +<=50K,21, Self-emp-not-inc,409230, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,223308, Masters,14, Separated, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,38, ?,129150, 10th,6, Separated, ?, Own-child, White, Male,0,0,35, United-States +>50K,47, Self-emp-not-inc,119199, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,42, Private,46221, Doctorate,16, Married-spouse-absent, Other-service, Not-in-family, White, Male,27828,0,60, ? +<=50K,42, Local-gov,351161, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Private,174533, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,324386, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,126568, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,33, United-States +<=50K,26, Private,275703, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,219611, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,2174,0,50, United-States +<=50K,49, Private,200471, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +>50K,65, Private,155261, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,73, State-gov,74040, 7th-8th,4, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Private,226296, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,211968, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,49, Local-gov,126446, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,25, Private,262885, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,39, Private,188069, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +<=50K,19, Private,113546, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,56, United-States +<=50K,24, Private,227070, 10th,6, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,136997, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,35, ?,119006, HS-grad,9, Widowed, ?, Own-child, White, Female,0,0,38, United-States +<=50K,21, Private,212407, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,43, Private,197810, Masters,14, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Federal-gov,35309, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,28, ? +<=50K,39, Private,141802, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, ?,184513, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,80, United-States +<=50K,33, Self-emp-not-inc,124187, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Black, Male,0,0,32, United-States +<=50K,19, Private,201743, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,26, United-States +<=50K,17, Private,156736, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,12, United-States +<=50K,43, Self-emp-not-inc,47261, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,150693, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,53, Local-gov,233734, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,45, State-gov,35969, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,159550, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,190823, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,53, Private,213378, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,33, United-States +<=50K,24, Private,257500, HS-grad,9, Separated, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,488706, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,239405, 5th-6th,3, Divorced, Other-service, Other-relative, Black, Female,0,0,40, Haiti +<=50K,27, Federal-gov,105189, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,4865,0,50, United-States +<=50K,63, State-gov,109735, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,50, Private,172942, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,28, United-States +>50K,43, Local-gov,209899, Masters,14, Never-married, Tech-support, Not-in-family, Black, Female,8614,0,47, United-States +<=50K,29, Self-emp-inc,87745, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,41, Private,187881, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3942,0,40, United-States +<=50K,55, Private,234125, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,272944, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Local-gov,129232, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,22, Private,100345, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,13550,0,55, United-States +<=50K,58, Self-emp-not-inc,195835, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,251854, 11th,7, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,40, Private,103474, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +<=50K,38, Private,22042, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +>50K,37, Private,343721, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,232368, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,55, Private,174478, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,29, United-States +>50K,55, Private,282023, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,28, Private,274690, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,251675, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,32, ?,647882, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,60, Private,128367, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,3325,0,42, United-States +<=50K,32, Private,37380, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,34, Private,173730, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,49, Private,353824, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, Private,225890, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,24, State-gov,147147, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,53, Private,233780, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,2202,0,40, United-States +<=50K,29, Private,394927, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,34, Local-gov,188682, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, ?,115209, Prof-school,15, Married-spouse-absent, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,41, Private,277192, 5th-6th,3, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, Mexico +<=50K,21, Private,314182, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,220776, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,31, Local-gov,189269, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,35429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2042,40, United-States +>50K,42, Private,154374, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,62, Private,161460, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,51, Private,251487, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,177531, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,24, Private,53942, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,113481, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,361324, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,330087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,276221, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,121055, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,62, Private,118696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,289741, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,18, Private,238401, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,43, Private,262038, 5th-6th,3, Married-spouse-absent, Farming-fishing, Unmarried, White, Male,0,0,35, Mexico +<=50K,62, Self-emp-not-inc,26911, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,66, United-States +<=50K,29, Private,161155, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Private,252519, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, Haiti +>50K,39, Private,43712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,69, ?,167826, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,188900, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,44, Private,120057, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,45, United-States +<=50K,25, Private,134113, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Local-gov,165822, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,17, Private,99161, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,41, Local-gov,74581, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,65, United-States +<=50K,19, Private,304643, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,57, Private,121821, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,25, Private,154863, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +>50K,37, Local-gov,365430, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Canada +<=50K,29, Private,183111, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,50178, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,35, Private,186845, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,159908, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,162189, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,1831,0,40, Peru +<=50K,29, Private,128509, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,38, El-Salvador +<=50K,23, Private,143032, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,31, Private,382368, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,210013, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,293928, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,208503, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,10, United-States +>50K,37, State-gov,191841, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,8614,0,40, United-States +>50K,49, Self-emp-not-inc,355978, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,64, Local-gov,202738, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,37, Local-gov,144322, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +>50K,70, Self-emp-not-inc,155141, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2377,12, United-States +<=50K,22, Private,160120, 10th,6, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +<=50K,29, Self-emp-inc,190450, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Germany +<=50K,37, Private,212900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,115677, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,252250, 11th,7, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,27, Private,212041, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,58, State-gov,198145, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,60, Local-gov,113658, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,20, Private,32426, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +>50K,51, Private,98791, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,203828, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,22, State-gov,186634, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,56, Self-emp-not-inc,125147, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,26, Private,247455, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,5178,0,42, United-States +<=50K,19, Private,97215, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,37, Private,330826, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,27, Private,200802, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,156266, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,52, Self-emp-not-inc,72257, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,363087, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,25955, Some-college,10, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,334633, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,109162, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,44, Private,569761, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,209900, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,272986, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,8, United-States +<=50K,55, ?,52267, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +<=50K,46, Private,82946, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,104651, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,58441, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Local-gov,269733, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,128453, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,28, United-States +<=50K,36, Private,179468, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,183081, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,102938, Bachelors,13, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,30, ?,157289, 11th,7, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +>50K,24, Private,359828, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,30, Private,155659, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +>50K,24, Private,585203, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,45, United-States +<=50K,62, Private,173601, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,214541, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1590,40, United-States +>50K,49, Self-emp-not-inc,163352, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,85, United-States +<=50K,36, Self-emp-not-inc,153976, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,247676, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,45, United-States +<=50K,49, State-gov,155372, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,329733, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Private,162576, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,176520, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,53, United-States +<=50K,51, State-gov,226885, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,120781, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,375827, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Private,205504, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,198813, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +>50K,48, Self-emp-inc,254291, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +>50K,62, Private,159908, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,49, Private,40000, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4064,0,44, United-States +<=50K,69, Private,102874, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,35, Private,117381, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,45, United-States +<=50K,78, Private,180239, Masters,14, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +>50K,61, Private,539563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,261561, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,81057, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,160120, Bachelors,13, Married-civ-spouse, Sales, Husband, Other, Male,0,0,45, ? +<=50K,17, Private,41979, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,275110, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,80, United-States +<=50K,64, Private,265661, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,193246, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, France +<=50K,32, Private,236543, 12th,8, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,19, Private,29510, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,42, State-gov,105804, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,194604, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,1038553, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,45, United-States +<=50K,51, Local-gov,209320, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,3325,0,40, United-States +<=50K,31, Private,193231, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,3325,0,60, United-States +>50K,44, Private,307468, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,29, United-States +>50K,38, Private,255941, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,50, United-States +>50K,44, Local-gov,107845, Assoc-acdm,12, Divorced, Protective-serv, Not-in-family, White, Female,0,0,56, United-States +<=50K,44, Self-emp-not-inc,567788, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,91857, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,36, Private,732569, 9th,5, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,86613, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,20, El-Salvador +<=50K,46, Private,35961, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,25, Germany +<=50K,47, Private,114754, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,30, Private,235124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,99999,0,40, United-States +>50K,37, Local-gov,218490, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,35, United-States +<=50K,27, Private,329426, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,43, Private,181015, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,50, United-States +>50K,44, Self-emp-not-inc,264740, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,381153, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +>50K,34, Private,189759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,39, Private,230467, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,1092,40, Germany +<=50K,36, Private,218542, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,57, Private,298507, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,78, Private,111189, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, Dominican-Republic +<=50K,24, Private,168997, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,168894, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,149809, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,344073, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,416165, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,36, Private,41490, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,40269, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,243256, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,42, Private,250536, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,21, Haiti +>50K,49, Federal-gov,105586, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,58, Private,51499, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,189878, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,179481, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,4650,0,44, United-States +<=50K,25, Private,299765, Some-college,10, Separated, Adm-clerical, Other-relative, Black, Female,0,0,40, Jamaica +>50K,45, Self-emp-inc,155664, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,30, Private,54608, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,174702, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,36, Self-emp-not-inc,285020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +<=50K,23, Private,201145, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Private,125796, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,35, Jamaica +<=50K,55, Private,249072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,99156, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, State-gov,94754, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, India +>50K,36, Private,111128, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,32, Local-gov,157887, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,74194, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, Self-emp-inc,168191, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,28334, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,52, Private,84278, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, ? +<=50K,44, Private,721161, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Private,188069, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,145178, Some-college,10, Divorced, Craft-repair, Unmarried, Black, Female,0,0,30, United-States +<=50K,17, Private,52967, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,18, Private,177578, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,38, United-States +<=50K,30, Self-emp-inc,185384, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,66, Private,66008, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,50, England +<=50K,59, Private,329059, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Local-gov,348802, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,50, Private,34233, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,509629, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,27956, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,99, Philippines +>50K,44, Local-gov,83286, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,309098, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,188950, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,224217, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,222899, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,40, Self-emp-not-inc,123306, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,52, Federal-gov,279337, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,34, Private,347166, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Local-gov,251396, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Canada +<=50K,17, Self-emp-inc,143034, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,4, United-States +>50K,25, Private,57635, Assoc-voc,11, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +<=50K,35, Local-gov,162651, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, Puerto-Rico +>50K,63, Private,28334, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Local-gov,84570, Some-college,10, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,33, Private,181091, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, Iran +>50K,51, Local-gov,117496, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,64, State-gov,216160, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Columbia +<=50K,50, Self-emp-inc,204447, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,374969, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,56, United-States +<=50K,67, Private,35015, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,46, Private,179869, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,137733, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,193125, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,103649, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,56, State-gov,54260, Doctorate,16, Married-civ-spouse, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,2885,0,40, China +>50K,29, Private,197932, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, Mexico +<=50K,37, Private,249720, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,27, United-States +<=50K,55, Private,223613, 1st-4th,2, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,30, Cuba +<=50K,24, Private,259865, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,21, Private,301694, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Mexico +>50K,46, Self-emp-inc,276934, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,25, Private,395512, 12th,8, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0,0,40, Mexico +<=50K,40, Private,168071, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,28, United-States +<=50K,23, Private,45317, Some-college,10, Separated, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,311177, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,30, United-States +>50K,29, Self-emp-not-inc,190636, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,1485,60, United-States +<=50K,59, Private,221336, 10th,6, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,18, Private,120691, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,35, ? +<=50K,28, Private,107389, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,32, United-States +<=50K,17, Private,293440, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,145409, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,213902, 5th-6th,3, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,63, Private,100099, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,191856, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,40, Local-gov,233891, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,61, Self-emp-not-inc,96073, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, England +<=50K,35, Private,474136, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1408,40, United-States +<=50K,43, Self-emp-not-inc,355856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Philippines +<=50K,20, ?,144685, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,1602,40, Taiwan +<=50K,48, Self-emp-not-inc,139212, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, State-gov,143931, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Federal-gov,160703, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,191291, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,68729, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1902,40, United-States +>50K,61, Private,119986, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,37, Private,227545, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +>50K,36, Private,32776, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,34, Private,228881, Some-college,10, Separated, Machine-op-inspct, Not-in-family, Other, Male,0,0,40, United-States +<=50K,23, Private,84648, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,63, Federal-gov,101996, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, ?,68954, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,11, United-States +>50K,47, Local-gov,285060, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,41, United-States +>50K,55, Self-emp-inc,209569, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,31, Local-gov,331126, Bachelors,13, Never-married, Protective-serv, Own-child, Black, Male,0,0,48, United-States +<=50K,27, Private,279872, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,150560, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,14084,0,40, United-States +<=50K,28, Local-gov,185647, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,52, Private,128871, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,64, United-States +<=50K,31, Federal-gov,386331, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,53, Private,117814, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,43, Private,220609, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Local-gov,117022, HS-grad,9, Married-spouse-absent, Farming-fishing, Unmarried, Black, Male,0,0,40, United-States +>50K,50, Self-emp-inc,176751, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,80, United-States +<=50K,68, ?,76371, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,37, Private,80410, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,127202, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,121471, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,219086, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,59, Private,271571, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,241583, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,374253, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,30, Private,214993, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,199995, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,450924, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,3942,0,40, United-States +<=50K,29, Private,120359, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,93125, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,1424,0,24, United-States +<=50K,21, Private,187513, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,65, Private,243569, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +>50K,43, Private,295510, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,29732, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,32, Private,211743, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,37, Private,251396, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,64, Private,477697, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +>50K,49, Private,151584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,193882, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,117542, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,1409,0,15, United-States +>50K,34, Private,242460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,35, Private,411395, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,53, Private,191025, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,24, Private,154571, Assoc-voc,11, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,50, South +<=50K,31, Private,208657, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,29599, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,36, Private,423711, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,122000, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,37, Private,148581, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,222978, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,149118, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,218407, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, Cuba +>50K,47, Self-emp-not-inc,112200, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,10520,0,45, United-States +>50K,44, Private,85604, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,111232, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,99199, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,51, Private,199995, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,69, Private,122850, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,16, United-States +<=50K,73, ?,90557, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,18, ?,271935, 11th,7, Never-married, ?, Other-relative, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,361497, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Local-gov,399020, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +>50K,33, Private,345277, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Federal-gov,55233, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,200515, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,188119, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,176683, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,22, Private,309178, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,40021, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,31, Self-emp-inc,49923, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,36635, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,25, United-States +>50K,43, Federal-gov,325706, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,33, Private,124407, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,301568, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,27, Private,339956, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,60, United-States +<=50K,36, Private,176335, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,198452, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,63, Private,213945, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, Iran +>50K,48, Private,171807, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,56, United-States +<=50K,25, Private,362826, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,45, United-States +<=50K,41, Self-emp-not-inc,344329, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,10, United-States +<=50K,26, Private,137678, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,175424, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,33, State-gov,73296, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,1831,0,40, United-States +<=50K,30, State-gov,137613, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,17, Taiwan +<=50K,67, Self-emp-not-inc,354405, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,32, Private,130057, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Self-emp-not-inc,362883, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,49017, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,39, Private,149943, Masters,14, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,40, Self-emp-inc,99185, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,40, Private,294708, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,228238, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,28, Private,156819, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,36, United-States +>50K,47, Private,332727, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,289944, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Private,116103, HS-grad,9, Widowed, Exec-managerial, Other-relative, White, Male,914,0,40, United-States +<=50K,29, Private,24153, Some-college,10, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,40, Private,273425, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,231183, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,313930, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,26, Private,114483, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,162108, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,168807, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Local-gov,143828, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,9562,0,40, United-States +<=50K,73, Private,242769, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3471,0,40, England +<=50K,46, Local-gov,111558, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,69770, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,291981, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,102460, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,151584, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,1876,40, United-States +<=50K,47, Local-gov,287320, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,115677, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,239632, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,409172, Bachelors,13, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,55, United-States +<=50K,20, Private,186849, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,28, Private,118861, 10th,6, Married-civ-spouse, Craft-repair, Wife, Other, Female,0,0,48, Guatemala +<=50K,26, Private,142689, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, ? +<=50K,41, State-gov,170924, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,274451, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,153489, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,186489, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,46, United-States +<=50K,18, Private,192409, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,55, State-gov,337599, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,195545, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,64, Private,61892, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Self-emp-not-inc,175697, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,75, United-States +>50K,38, Private,80303, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,419658, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,8, United-States +<=50K,21, Private,319163, Some-college,10, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,37, Private,126743, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,53, Mexico +<=50K,39, Private,301568, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,120461, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,268145, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,54, Private,257337, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,213354, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,25, Private,303431, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,124963, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,158218, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,35, United-States +<=50K,27, State-gov,553473, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,48, United-States +<=50K,53, Private,46155, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +>50K,68, Private,138714, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,56, Private,231781, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,496414, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,24, Private,19410, HS-grad,9, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,48, United-States +<=50K,70, ?,28471, 9th,5, Widowed, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,24, Private,185821, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,74, ?,272667, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, ?,194031, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Local-gov,144995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, Private,162494, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,19, United-States +<=50K,35, Private,171968, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,232569, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,161819, 11th,7, Separated, Adm-clerical, Unmarried, Black, Female,0,0,25, United-States +<=50K,18, Private,123343, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,105449, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Male,0,0,25, United-States +<=50K,49, Private,181717, Assoc-voc,11, Separated, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,45, Local-gov,102359, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,27, Private,72887, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Private,154571, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,35, Private,255191, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,174789, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,110402, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,208513, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,121904, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,28, Private,34335, HS-grad,9, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,14084,0,40, United-States +<=50K,49, Private,59380, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, ?,135285, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2603,32, United-States +<=50K,39, Self-emp-inc,126675, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,22, Private,217363, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,91836, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,184813, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,178142, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,49, Local-gov,102359, 9th,5, Widowed, Handlers-cleaners, Unmarried, White, Male,0,2231,40, United-States +>50K,33, Self-emp-inc,281832, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +<=50K,28, Private,96226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,195124, 7th-8th,4, Married-spouse-absent, Prof-specialty, Other-relative, White, Male,0,0,35, Puerto-Rico +<=50K,20, Private,56322, Some-college,10, Never-married, Other-service, Own-child, White, Male,2176,0,25, United-States +<=50K,50, Local-gov,97449, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,32, Private,339773, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,210926, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,199499, Assoc-voc,11, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Federal-gov,190729, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,191385, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,77, United-States +<=50K,61, Private,193479, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,43, Self-emp-not-inc,225165, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,346766, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, State-gov,152307, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,79990, 11th,7, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,42, Self-emp-not-inc,170649, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,197207, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,229732, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,52, Private,204402, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,85, United-States +>50K,36, Private,181065, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,38, Private,179579, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,50, Private,237729, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,2444,72, United-States +<=50K,23, ?,164574, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,71, Private,179574, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,12, United-States +<=50K,27, Private,191782, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,30, United-States +<=50K,56, Private,146660, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Self-emp-not-inc,115945, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,210875, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,137898, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,28, Local-gov,216965, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,201554, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,15, United-States +<=50K,62, Private,57970, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,208378, 12th,8, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,61343, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,283872, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,20, United-States +<=50K,58, Private,225603, 9th,5, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,401333, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,278228, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,145377, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,120238, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Private,187215, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,36, United-States +<=50K,29, Self-emp-not-inc,144063, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,38, Private,238721, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,164920, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,152493, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,50, Private,92968, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,50, Private,136836, HS-grad,9, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Federal-gov,216453, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,45, United-States +<=50K,30, Private,349148, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,29, State-gov,309620, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, Taiwan +<=50K,22, State-gov,347803, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,20, United-States +<=50K,42, Private,85995, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,167428, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,164569, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,48, United-States +<=50K,42, Self-emp-not-inc,308279, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,21, United-States +<=50K,20, Private,56322, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,51, ?,203015, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,50, Private,211654, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,120126, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,239043, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,61, ?,179761, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,312017, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Germany +>50K,51, Private,257485, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,49243, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,229716, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,31, Private,341672, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,24, Private,32311, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,275236, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,400356, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,184596, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,3942,0,50, United-States +<=50K,18, Private,186909, HS-grad,9, Never-married, Sales, Other-relative, White, Female,1055,0,30, United-States +<=50K,43, Private,152420, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, United-States +>50K,43, State-gov,261929, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,25236,0,64, United-States +<=50K,21, Private,235442, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,161691, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, ?,173945, 11th,7, Married-civ-spouse, ?, Other-relative, White, Female,0,0,39, United-States +>50K,41, Private,355918, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,45, State-gov,198660, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,122649, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,28, Private,421967, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +>50K,50, Local-gov,259377, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,47, Private,74305, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,34340, 7th-8th,4, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,35, United-States +<=50K,47, Self-emp-not-inc,182752, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, Iran +<=50K,19, ?,48393, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,84, United-States +<=50K,45, Private,34248, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,186677, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,37, Private,167851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,146460, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,209650, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,18, Self-emp-not-inc,132986, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,94429, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,252406, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,174592, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,151322, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,51, Private,37237, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,38, Private,101192, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,77, ?,152900, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,51, Private,94081, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,329408, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,106028, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,35, ?,164866, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,99, United-States +>50K,51, Self-emp-inc,167793, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,28, Private,138692, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,173968, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,228320, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,96585, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,42, Private,156580, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, Puerto-Rico +>50K,58, Private,210673, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,52, Local-gov,137753, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,20, United-States +<=50K,29, Private,29865, HS-grad,9, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,27, Private,196044, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,308995, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, Jamaica +>50K,59, Private,159008, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,20, United-States +<=50K,28, Private,362491, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,94395, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,320047, 10th,6, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,98535, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,183170, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,18, ?,331511, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,38, Private,195686, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,178244, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,127833, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,269722, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, State-gov,136819, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,205604, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, Mexico +<=50K,28, Private,132078, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,234880, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,24, Private,196816, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3908,0,40, United-States +>50K,36, Private,237943, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,68, Self-emp-inc,140852, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,105614, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,83492, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,225772, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,37, Private,242713, 12th,8, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,40, United-States +>50K,60, Private,355865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,173316, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-inc,35662, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,70, United-States +<=50K,17, Private,297246, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,9, United-States +<=50K,43, Private,108945, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,112158, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,26, ? +<=50K,21, Self-emp-not-inc,57298, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,42, Self-emp-not-inc,115323, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,7, ? +>50K,48, Self-emp-not-inc,164582, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,60, United-States +>50K,56, Private,295067, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,45, United-States +<=50K,21, Private,177265, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,28, Local-gov,336543, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +>50K,39, Self-emp-not-inc,52870, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,316820, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,38, Local-gov,200153, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,453067, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,51, Federal-gov,27166, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,299598, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,23, Private,122048, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,345277, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,113147, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,34007, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,255014, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,152667, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,231053, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +>50K,34, Private,103651, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,124137, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,198183, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,183627, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,48, Ireland +<=50K,19, Private,466458, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,45, Self-emp-not-inc,114396, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,42, Private,186376, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,72, Philippines +<=50K,32, Private,290964, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1590,40, United-States +<=50K,90, Self-emp-not-inc,282095, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,244974, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +>50K,34, Self-emp-not-inc,114691, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,107160, 12th,8, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Self-emp-not-inc,142573, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +<=50K,29, Private,203833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,47791, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,49, Private,133729, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,17, United-States +>50K,52, Self-emp-not-inc,135339, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,54, Private,135803, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,60, South +<=50K,31, Private,128591, 9th,5, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,133853, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, ?,137363, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,27, Self-emp-not-inc,243569, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,119156, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,391114, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,252506, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,34, State-gov,117503, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, Italy +<=50K,25, State-gov,117833, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,19, United-States +<=50K,39, Private,294183, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,394927, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,259323, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,21, ?,207988, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,35, United-States +<=50K,33, Private,96635, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,26, South +<=50K,27, Private,192283, Assoc-voc,11, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,38, United-States +<=50K,29, Private,214881, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, State-gov,167474, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,37, Private,110713, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,201204, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,197666, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,162002, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,31, Private,263561, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,45, United-States +<=50K,41, Private,224799, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,89942, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,238685, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,54, Private,38795, 9th,5, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,55, Private,90414, Bachelors,13, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0,0,55, Ireland +<=50K,21, Private,190805, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +>50K,52, Private,23780, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,19, Private,285263, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,177331, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,347530, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,59, Private,230039, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,625,38, United-States +<=50K,17, ?,210547, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,204752, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,32, United-States +>50K,74, Self-emp-not-inc,104001, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,253116, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,169037, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Self-emp-inc,202027, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,170099, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,212847, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,85, United-States +<=50K,50, State-gov,307392, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,233428, HS-grad,9, Divorced, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,44, Private,355728, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,1980,45, England +>50K,52, Private,177995, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, Mexico +<=50K,24, Private,283613, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,56, Self-emp-inc,184598, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +>50K,27, Private,185647, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,192894, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +>50K,40, Self-emp-not-inc,284706, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,1977,60, United-States +<=50K,38, Private,179579, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,131679, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Private,132973, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,22, Private,154713, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,121718, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,30, Private,255279, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,55, Private,202559, Bachelors,13, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,35, Philippines +<=50K,25, Private,123095, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,1590,40, United-States +<=50K,32, Private,153326, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,28, Private,75695, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,33, Self-emp-inc,206609, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,234780, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,27, Private,178778, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,171355, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +>50K,63, Federal-gov,95680, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +<=50K,39, Private,196673, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,5013,0,40, United-States +>50K,51, Federal-gov,73670, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,52, United-States +<=50K,67, Self-emp-not-inc,139960, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,397280, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, ? +<=50K,27, Private,60374, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Female,0,1594,26, United-States +>50K,54, Private,421561, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,59, Private,245196, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,27620, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,19, Private,187570, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,102884, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,228399, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,7, United-States +>50K,42, Private,340234, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,15024,0,40, United-States +<=50K,37, Private,176293, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,51, Local-gov,108435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,161187, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,2463,0,40, United-States +<=50K,23, Private,278391, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,157941, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,182866, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,69, Private,370888, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,2964,0,6, Germany +<=50K,30, Private,206512, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,33, Private,357954, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, India +<=50K,28, Private,189346, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,48, United-States +<=50K,45, Private,234652, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,25, Private,113436, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +>50K,37, Private,204145, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,157305, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,26, Private,104045, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,48, Private,280422, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,25, Peru +<=50K,64, Federal-gov,173754, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,211154, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,321435, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, State-gov,177083, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Private,178829, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +>50K,35, Federal-gov,287658, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,209894, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,334744, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,306967, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,35, Private,52187, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,101978, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, State-gov,483530, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,77357, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,149770, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,328606, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,14084,0,63, United-States +<=50K,70, ?,172652, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,46, Private,188293, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,116608, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,38, United-States +>50K,37, State-gov,348960, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,329530, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Mexico +<=50K,47, Local-gov,93476, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,35, Self-emp-not-inc,195744, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, Private,125833, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,18, State-gov,191117, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,54, Private,311020, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,210464, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,38, United-States +>50K,36, Private,135289, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,156266, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,23, Private,154210, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,14, Puerto-Rico +>50K,61, ?,160625, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,4386,0,15, United-States +<=50K,39, Self-emp-not-inc,331481, Bachelors,13, Divorced, Craft-repair, Not-in-family, Black, Male,0,1669,60, ? +>50K,33, Self-emp-not-inc,249249, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,261725, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,22, Private,239612, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,31, Self-emp-not-inc,226696, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,190330, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,44, Private,193755, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,73, Private,192740, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,44, Private,201924, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,35, Private,77146, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,33, Private,126414, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, ? +<=50K,27, Private,43652, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Federal-gov,227244, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,50, United-States +>50K,29, Private,160731, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,287878, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,26, United-States +<=50K,50, Private,166758, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,183811, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,2829,0,40, United-States +<=50K,41, Self-emp-not-inc,254818, Masters,14, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, Peru +<=50K,19, ?,220517, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,45, Private,295046, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,190568, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,810,36, United-States +<=50K,42, State-gov,211915, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,33, Self-emp-not-inc,295621, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,25, United-States +>50K,32, Private,204567, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +>50K,42, Private,204235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,49, Private,186982, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,38, Private,133586, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,45, United-States +<=50K,38, Private,165930, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,164898, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,24, Private,278155, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Self-emp-not-inc,115705, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,150553, 9th,5, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,29, Private,185127, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,201595, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,44, Self-emp-inc,165815, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,96, United-States +<=50K,26, Private,102420, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,40, South +>50K,46, Local-gov,344172, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,49, United-States +<=50K,38, Private,222450, Some-college,10, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,212245, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,190625, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,203488, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,304260, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,31, Local-gov,243665, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,41, United-States +<=50K,26, Self-emp-not-inc,189238, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,4, Mexico +<=50K,42, Private,77373, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,410351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,36385, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,110150, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,198316, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,127772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,199058, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,285730, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,66, United-States +<=50K,25, Local-gov,334133, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,60, State-gov,97030, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,52, Private,67090, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,43, Private,397963, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,594,0,16, United-States +<=50K,46, Private,182533, Bachelors,13, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,19, Private,560804, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,56, Private,365050, 7th-8th,4, Never-married, Farming-fishing, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Private,110200, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,150025, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,39, Private,299828, 5th-6th,3, Separated, Sales, Unmarried, Black, Female,0,0,30, Puerto-Rico +<=50K,28, Private,109282, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,103435, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,34747, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,39, Private,137522, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,39, Private,286789, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,211032, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,67, ?,192916, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3818,0,11, United-States +<=50K,31, Private,219318, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,50, Private,112873, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,36069, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3908,0,46, United-States +>50K,48, Private,73434, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Germany +<=50K,51, Private,200576, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,172962, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,44006, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,234474, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,37, Private,212826, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,234901, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,200700, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,41258, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,51, Private,249644, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,60, ?,230165, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,351731, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,114765, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,349884, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,28, Self-emp-inc,204247, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,143392, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,50, Self-emp-not-inc,37913, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Italy +<=50K,22, Self-emp-inc,150683, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,24, United-States +<=50K,27, Private,207611, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,52, United-States +<=50K,45, State-gov,319666, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,39, Private,155961, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Local-gov,117833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,63, ?,447079, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,15, United-States +>50K,24, Self-emp-inc,142404, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,155752, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, ?,252292, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,111450, 12th,8, Never-married, Other-service, Unmarried, Black, Male,0,0,38, United-States +<=50K,20, Private,528616, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,17, Self-emp-not-inc,228786, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,63, Self-emp-inc,80572, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,180271, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,65, United-States +>50K,51, Federal-gov,237819, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,157612, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,3325,0,45, United-States +<=50K,64, Private,379062, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,12, United-States +<=50K,17, Private,191910, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,45, Local-gov,326064, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,6497,0,35, United-States +<=50K,18, Private,312353, 12th,8, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,31, Local-gov,213307, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, Self-emp-not-inc,209057, Bachelors,13, Married-spouse-absent, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,41, Private,340148, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,65, Private,154171, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,60, United-States +<=50K,27, Private,94064, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,119098, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,388496, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,8, Puerto-Rico +>50K,49, Private,181363, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,58, ?,210031, HS-grad,9, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +>50K,36, Private,206951, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +<=50K,25, Private,485496, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Private,210259, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,37, United-States +<=50K,31, Private,118551, 9th,5, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,63, Private,180911, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,4386,0,37, United-States +<=50K,50, State-gov,242517, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,298113, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,277783, Masters,14, Never-married, Farming-fishing, Own-child, White, Male,0,0,99, United-States +<=50K,48, Private,155862, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Self-emp-not-inc,171924, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,243900, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,231160, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,31, Private,356882, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,40, United-States +<=50K,38, Private,49020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,105460, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, England +>50K,56, Private,157749, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,131568, 7th-8th,4, Divorced, Transport-moving, Unmarried, White, Male,0,0,20, United-States +<=50K,46, Private,332355, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,39, Private,204501, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Local-gov,305767, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,31, Private,129761, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,130126, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +>50K,53, Private,102828, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,18, Private,160984, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,18, ?,255282, 11th,7, Never-married, ?, Own-child, Black, Male,0,1602,48, United-States +<=50K,20, ?,346341, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,27, Private,285897, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,45, United-States +<=50K,31, Private,356689, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,192386, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,40, United-States +<=50K,46, Private,394860, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,113129, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,26, Private,55929, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Local-gov,177018, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Private,161141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,309463, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,165468, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,24, Private,49218, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Self-emp-not-inc,119129, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2149,20, United-States +>50K,56, Self-emp-not-inc,162130, 5th-6th,3, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,67, United-States +<=50K,39, Federal-gov,129573, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,40, United-States +<=50K,21, Private,306850, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,135296, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,2258,45, United-States +<=50K,43, Self-emp-not-inc,187322, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,45, United-States +<=50K,23, Private,55674, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,2907,0,40, United-States +<=50K,26, Private,148298, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Private,34845, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,200733, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +>50K,45, Private,191858, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,425528, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,70, United-States +>50K,35, Private,44780, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,20, United-States +<=50K,33, Private,125856, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,100508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,148294, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,39324, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,147397, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +<=50K,46, Private,24728, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,48, United-States +<=50K,36, Private,177616, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,163826, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,199947, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Local-gov,386949, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Self-emp-inc,116133, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,57, United-States +<=50K,56, Self-emp-not-inc,196307, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,37, Private,177181, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,26, Private,324854, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,188505, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,23, State-gov,502316, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, State-gov,26892, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,102058, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,167728, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, Local-gov,233681, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,60, Private,26756, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,54, Private,101890, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,192337, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, England +>50K,47, Private,340982, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,3103,0,40, Philippines +>50K,49, State-gov,102308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,84747, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,20, Private,197752, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,66, Private,185336, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,22, ?,289984, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,25, United-States +>50K,51, Self-emp-not-inc,125417, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,19, Private,278480, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,146412, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,193042, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,53956, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1980,56, United-States +>50K,90, Private,175491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,9386,0,50, Ecuador +<=50K,78, ?,33186, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,144154, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,194901, Prof-school,15, Divorced, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,35, Private,335777, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, Mexico +>50K,46, Private,139268, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,33887, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,24, Private,283613, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,141245, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Puerto-Rico +<=50K,49, Private,298130, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,186096, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,77, Private,187656, Some-college,10, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,20, United-States +>50K,46, Private,102308, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,56, United-States +<=50K,41, Private,124639, Some-college,10, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,388112, 1st-4th,2, Never-married, Farming-fishing, Unmarried, White, Male,0,0,77, Mexico +<=50K,21, Private,109952, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,164529, 12th,8, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,247750, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,23, State-gov,103588, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,38, Federal-gov,248919, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,40, United-States +<=50K,29, Self-emp-not-inc,178551, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,136137, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +>50K,47, Federal-gov,55377, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Local-gov,177728, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Local-gov,243580, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,21, ?,188535, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,63910, HS-grad,9, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,23, Private,219535, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,44, State-gov,180609, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,59313, Some-college,10, Separated, Other-service, Not-in-family, Black, Male,0,0,40, ? +<=50K,70, Private,170428, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,20, Puerto-Rico +>50K,51, Private,102615, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1977,40, United-States +<=50K,66, Private,193132, 9th,5, Separated, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,57, Self-emp-inc,124137, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,36, Private,136629, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,148995, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, ?,203076, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,51, Private,63424, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,43, Private,241895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,266973, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,188048, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,366929, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,33, Private,214129, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,250818, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Local-gov,240979, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,35, Private,98283, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,26, Private,104746, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,60, United-States +<=50K,39, Private,103710, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,24, Private,159580, Bachelors,13, Never-married, Other-service, Own-child, Black, Female,0,0,75, United-States +>50K,45, Private,117409, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,140001, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, State-gov,31650, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0,0,45, United-States +<=50K,35, State-gov,80771, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,66278, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,107801, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1617,25, United-States +<=50K,33, Private,206609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,282461, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,188246, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,279763, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,25, United-States +<=50K,44, Private,467799, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,137674, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,50, Private,158284, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,204219, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,28, State-gov,210498, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,60, Federal-gov,63526, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,38, Federal-gov,216924, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,372559, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,57, Federal-gov,199114, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,2258,40, United-States +>50K,50, Private,168539, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,189911, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Local-gov,61958, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,1424,0,6, United-States +>50K,51, State-gov,68898, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,2444,39, United-States +<=50K,42, Private,204450, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,53, Private,311350, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,113750, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,359591, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,132879, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,20, Private,301199, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,38, State-gov,267540, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +>50K,52, Private,185407, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, Poland +>50K,48, Self-emp-inc,191277, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,78980, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,241463, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,65, United-States +<=50K,47, Private,216999, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,33, Local-gov,120508, Bachelors,13, Divorced, Protective-serv, Unmarried, White, Female,0,0,60, Germany +<=50K,33, Private,122612, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Thailand +<=50K,20, Private,94057, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,41, State-gov,197558, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,351869, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1485,45, United-States +<=50K,54, Self-emp-not-inc,121761, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,36, Federal-gov,184556, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,268281, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,235646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,186909, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,62, Private,35783, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,188861, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,363591, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,469921, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,51150, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,174325, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,347530, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,50, Private,72351, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Local-gov,185129, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, ? +<=50K,36, Private,188571, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,255252, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,291951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,223046, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Local-gov,37937, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,43, United-States +<=50K,38, Private,295127, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,183801, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,14, United-States +<=50K,40, Private,116218, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,40, Private,143069, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Local-gov,235951, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,57, Private,112840, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,65, Local-gov,146454, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1648,4, Greece +<=50K,52, Federal-gov,43705, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,59, Private,122283, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,40, India +<=50K,18, Private,376647, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,2176,0,25, United-States +<=50K,48, Private,101299, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,96798, 5th-6th,3, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,194654, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, State-gov,206889, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,226902, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,44, State-gov,150755, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,40, United-States +<=50K,24, Private,200679, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,50, United-States +<=50K,71, Private,183678, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +<=50K,17, Private,33138, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,57071, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +>50K,71, ?,35303, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,9386,0,30, United-States +<=50K,37, Private,188576, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,33, Private,169496, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,58124, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,356344, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,444134, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +<=50K,18, ?,340117, 11th,7, Never-married, ?, Unmarried, Black, Female,0,0,50, United-States +<=50K,34, Private,219619, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, ?,334585, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,27, Local-gov,331046, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,46, ?,443179, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,64, ?,239529, 11th,7, Widowed, ?, Not-in-family, White, Female,3674,0,35, United-States +<=50K,24, Private,100345, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,205653, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,33, Private,112383, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,21626, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,2202,0,56, United-States +<=50K,25, Private,135568, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,190532, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,53, Federal-gov,266598, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,116608, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,36, Private,353263, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,25, State-gov,157617, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Federal-gov,21698, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,77143, 12th,8, Separated, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,18, State-gov,342852, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,176602, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,146343, Some-college,10, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +>50K,68, ?,146645, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,20051,0,50, United-States +<=50K,33, Private,221966, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,2202,0,50, United-States +<=50K,22, Private,215546, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,50, State-gov,173020, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,247734, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,252202, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,497300, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,426431, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Federal-gov,162410, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,45, United-States +>50K,77, ?,143516, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,25, Private,190350, 10th,6, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,194504, Some-college,10, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Federal-gov,110884, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, Private,187652, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,81400, 1st-4th,2, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, El-Salvador +<=50K,70, ?,97831, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,4, United-States +>50K,57, Private,180920, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,189186, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, ?,144172, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +>50K,36, Private,607848, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +<=50K,32, Private,207301, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,293073, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,210452, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,19, Private,41400, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,164170, Bachelors,13, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,20, Philippines +>50K,48, Private,112906, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,49, Self-emp-not-inc,126268, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,55, Private,208311, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,20, United-States +<=50K,61, Private,28291, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,82, United-States +>50K,42, Local-gov,121998, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,42, Federal-gov,31621, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,108386, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,134727, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,208391, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,112271, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,173350, Assoc-voc,11, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,243190, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, India +>50K,55, Private,185436, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,290409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,80058, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,48, United-States +>50K,56, Local-gov,370045, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,36936, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,40, United-States +<=50K,37, Private,231180, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,119793, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,60, United-States +<=50K,38, Private,102178, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,76, ?,135039, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,35, ?,317780, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,232840, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,35, Private,33975, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,256997, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,298301, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,310380, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,45, Local-gov,182100, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,501172, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,43, State-gov,143939, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,23, Private,85088, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +<=50K,25, Private,282313, 10th,6, Never-married, Handlers-cleaners, Own-child, Black, Male,0,1602,40, United-States +>50K,39, Private,230054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,236338, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +>50K,37, Private,321943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,218782, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Other, Male,0,0,40, United-States +<=50K,33, Private,191385, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +<=50K,45, Self-emp-inc,185497, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,70, ? +<=50K,28, Private,126129, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,199268, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,255693, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,34, Private,203488, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,41, Private,203233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,203836, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,36, Private,187847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,38, Private,116358, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,46, Self-emp-inc,198660, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,72, United-States +<=50K,43, Self-emp-not-inc,89636, Bachelors,13, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,60, South +<=50K,49, Private,120629, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,26, Local-gov,150226, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,28, Private,137898, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,54, Self-emp-inc,146574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,88725, HS-grad,9, Never-married, Craft-repair, Not-in-family, Other, Female,0,0,40, ? +<=50K,24, Private,142022, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,23, Private,284898, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, United-States +<=50K,55, Local-gov,212448, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,203039, 9th,5, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,227489, HS-grad,9, Never-married, Tech-support, Other-relative, Black, Male,0,0,40, ? +<=50K,19, Private,105289, 10th,6, Never-married, Other-service, Other-relative, Black, Female,0,0,20, United-States +<=50K,28, ?,223745, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,242994, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,52, United-States +>50K,30, Private,196385, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,76, Private,116202, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,47, Private,140045, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,133503, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,2174,0,40, United-States +>50K,40, Private,226585, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,24, Private,85041, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,30, Private,162442, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,50, United-States +>50K,67, Private,279980, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,10605,0,10, United-States +<=50K,24, Private,216563, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,43, Local-gov,231964, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,263855, 12th,8, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,124915, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,178312, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,215862, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,21, State-gov,39236, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,58, Private,349910, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,52, Private,75839, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,176711, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,266525, Some-college,10, Never-married, Prof-specialty, Other-relative, Black, Female,594,0,20, United-States +<=50K,25, ?,34307, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,331776, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,111469, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, State-gov,198965, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,288185, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,198050, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,65, Private,242580, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,11678,0,50, United-States +<=50K,37, Private,173128, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,87905, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,10520,0,40, United-States +>50K,44, Private,173704, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Federal-gov,93225, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,40, United-States +<=50K,38, Private,323269, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,158046, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,70, United-States +<=50K,32, Private,133503, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,172296, Some-college,10, Separated, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,39, ?,201105, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,176486, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,25, United-States +>50K,25, Self-emp-inc,182750, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,82497, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,47, Private,208872, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,145269, 11th,7, Divorced, Craft-repair, Not-in-family, White, Female,0,0,45, United-States +<=50K,25, Private,19214, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,149347, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,68, ?,53850, 7th-8th,4, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,50, Private,158294, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,47, Private,152073, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,35, Private,189623, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,341368, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,201603, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,2176,0,40, United-States +>50K,35, Private,270572, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,285295, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,17, Private,126779, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,49, ?,202874, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, Columbia +<=50K,27, Private,373499, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,60, El-Salvador +<=50K,22, Private,244773, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,22, State-gov,96862, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,162632, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,2, United-States +>50K,51, Self-emp-not-inc,159755, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,27, Private,37088, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,27, Private,335421, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Never-worked,188535, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, State-gov,349365, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,33002, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,32, Private,330715, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,45, Private,146857, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,35, Private,275522, 7th-8th,4, Widowed, Other-service, Unmarried, White, Female,0,0,80, United-States +<=50K,22, Private,43646, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,154548, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,28, Private,47907, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,238397, Bachelors,13, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,24, United-States +>50K,48, Local-gov,195949, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,22, ?,354351, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,349169, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,25, Private,158662, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,23, Local-gov,23438, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,107302, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,174196, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Local-gov,226871, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,124971, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,214061, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,441700, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,104892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,34, Private,234386, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Local-gov,188278, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,244395, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,30916, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,219565, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,377486, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,36, United-States +<=50K,42, Local-gov,137232, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,50, United-States +<=50K,53, Private,233369, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,71067, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,59, Private,195176, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,98639, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,183778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,123011, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,2559,50, United-States +<=50K,25, Private,164938, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,4416,0,40, United-States +<=50K,28, ?,147471, HS-grad,9, Divorced, ?, Own-child, White, Female,0,0,10, United-States +>50K,30, Private,206046, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,46, Private,81497, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,48, United-States +<=50K,45, Private,189225, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,141264, Some-college,10, Never-married, Exec-managerial, Other-relative, Black, Female,0,0,40, United-States +<=50K,33, Private,97939, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,42, United-States +>50K,44, Private,160829, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,483822, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, El-Salvador +<=50K,48, State-gov,148738, Some-college,10, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,289982, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,33, Self-emp-not-inc,58702, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,50, United-States +<=50K,20, Private,146706, Some-college,10, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,30, United-States +<=50K,23, Private,420973, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,71, Private,124959, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, State-gov,121471, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,198237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,27, Private,280758, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +<=50K,40, Private,191544, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,261023, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,50, United-States +<=50K,30, State-gov,231043, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,340917, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,167140, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +<=50K,39, Private,370795, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Federal-gov,209609, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,74, Private,209454, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,32, Self-emp-inc,78530, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,25, Private,88922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,64, Private,86972, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,165468, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +>50K,37, Private,134367, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,37, United-States +>50K,47, Private,199058, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,183612, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,40, Private,191982, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,514033, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,80, United-States +<=50K,56, Private,172364, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,190105, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,55, United-States +<=50K,30, Self-emp-inc,119422, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,20, Private,236592, 12th,8, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, Italy +>50K,53, State-gov,43952, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,38, United-States +>50K,43, Private,194636, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,235853, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,150528, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,213722, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,41432, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,46, United-States +<=50K,22, Private,285775, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,470663, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Self-emp-not-inc,114520, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,113466, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,224559, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,186385, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,167094, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,216508, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,41, Local-gov,384236, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,181265, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,58, Private,190997, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,98287, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,39, Private,103456, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,184723, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,1980,35, United-States +<=50K,25, Private,165622, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,29, Private,101597, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,54, United-States +<=50K,53, Private,146378, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Local-gov,152163, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, State-gov,106812, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,148211, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,3674,0,50, United-States +>50K,45, Private,187581, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,135296, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,72, Local-gov,144515, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1258,40, United-States +<=50K,51, Private,210736, 10th,6, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,210165, 9th,5, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,224584, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,80771, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,164733, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,41, United-States +>50K,31, Self-emp-not-inc,119411, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,68, Local-gov,177596, 10th,6, Separated, Other-service, Not-in-family, Black, Female,0,0,90, United-States +<=50K,43, ?,396116, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,185251, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,173590, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,3, United-States +>50K,56, Federal-gov,196307, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,293091, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,12, United-States +>50K,36, Private,175232, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,21, Private,51047, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,21, Private,334618, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Female,99999,0,40, United-States +<=50K,52, Local-gov,152795, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,205601, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +>50K,52, Private,129177, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,2824,20, United-States +<=50K,51, Self-emp-not-inc,121548, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,29, Private,244566, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,75073, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,55, United-States +<=50K,29, Private,179008, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,170800, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,58, Private,373344, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,127961, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,99392, Some-college,10, Divorced, Craft-repair, Not-in-family, Black, Female,0,0,45, United-States +<=50K,30, Private,392812, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, Germany +<=50K,29, Private,262478, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,30, United-States +<=50K,48, Self-emp-not-inc,32825, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,167380, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,39, Private,203204, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +<=50K,35, Federal-gov,105138, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,54, Private,145714, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,25, United-States +<=50K,24, Private,182276, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,20, Private,275385, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,45, United-States +>50K,30, Self-emp-not-inc,292472, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,55, United-States +<=50K,19, Self-emp-not-inc,73514, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,26, Private,199600, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Private,111499, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,99, United-States +<=50K,25, Private,202560, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,99309, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +>50K,60, Local-gov,124987, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,287986, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,119411, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,198668, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,117583, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,234664, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,114357, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,176949, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,33, Private,189710, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +<=50K,65, Private,205309, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, United-States +>50K,34, Private,195576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,216825, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, Mexico +<=50K,23, ?,329174, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,197036, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,181291, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1564,50, United-States +<=50K,31, Private,206512, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,28, State-gov,38309, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,6849,0,40, United-States +<=50K,37, Private,312766, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,139671, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,66, Federal-gov,38621, Assoc-voc,11, Widowed, Other-service, Unmarried, Black, Female,3273,0,40, United-States +<=50K,31, Private,124827, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,77820, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Federal-gov,56904, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5013,0,45, United-States +<=50K,45, Private,190115, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,44, Private,106682, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,32, Local-gov,42596, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Private,143058, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,102615, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, Canada +>50K,54, Private,139703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, Germany +<=50K,43, Private,240124, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,132565, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,49, Private,323798, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,3325,0,50, United-States +>50K,52, Private,96359, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,20, Private,165201, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,4, United-States +>50K,60, Federal-gov,165630, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +<=50K,45, Private,264526, Assoc-acdm,12, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,102359, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,28, Private,37359, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,61, ?,232618, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,115497, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,157747, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,27, Self-emp-not-inc,41099, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,472604, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,33, Private,348618, 5th-6th,3, Married-spouse-absent, Transport-moving, Unmarried, Other, Male,0,0,20, El-Salvador +>50K,43, Private,135606, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,248445, HS-grad,9, Separated, Transport-moving, Other-relative, White, Male,0,0,60, Mexico +<=50K,38, Private,112093, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,197552, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,303822, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,288566, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,55, ?,487411, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,43348, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,39, State-gov,239409, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,337606, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1485,40, United-States +<=50K,34, Private,32528, Assoc-voc,11, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,974,40, United-States +>50K,47, State-gov,118447, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,234690, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,141003, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,43, Private,216042, Some-college,10, Divorced, Tech-support, Own-child, White, Female,0,1617,72, United-States +<=50K,45, Private,190482, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,55, Private,381965, Bachelors,13, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,68, Private,186943, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,39, Private,142707, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,53447, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,127772, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,344414, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,194138, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,49, ?,558183, Assoc-voc,11, Married-spouse-absent, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,150154, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,306114, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,72, ?,177121, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +>50K,58, Local-gov,368797, Masters,14, Widowed, Prof-specialty, Unmarried, White, Male,0,0,35, United-States +<=50K,43, Self-emp-inc,175715, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,55, United-States +<=50K,62, Private,416829, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,21, United-States +<=50K,21, Private,350001, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,339952, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,114967, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,164190, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,38, United-States +<=50K,49, Local-gov,166039, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,250135, HS-grad,9, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,234960, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1887,48, United-States +>50K,29, Private,103628, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,58, Private,430005, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,45, Self-emp-inc,106517, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,162236, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Private,92430, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Local-gov,40641, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,47, Private,169388, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,15, United-States +>50K,36, Local-gov,410034, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,48, Private,237525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,65, United-States +>50K,35, Private,150057, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Private,148549, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,43, Private,75742, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,33, Private,177675, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,49, Local-gov,193249, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,266072, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,20, El-Salvador +<=50K,28, ?,80165, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,339324, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, ?,111238, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,41, Self-emp-not-inc,284086, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,31, Private,206051, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,57, Private,426263, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,49, Private,102583, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,44, United-States +>50K,40, Private,277647, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Private,124808, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, Germany +<=50K,47, Private,193061, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, Private,121411, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,89202, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,17, Private,232900, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,30, Local-gov,319280, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,79, ?,165209, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,42, Private,193494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-not-inc,195066, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,36, Private,99146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,35, Private,92028, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,174419, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,57916, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,383384, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,198223, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +<=50K,20, Private,109813, 11th,7, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,17, Private,174298, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,40, Private,45687, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,4787,0,50, United-States +>50K,28, Private,263614, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,96128, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,220262, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,35340, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,280483, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Self-emp-inc,254211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,29, Private,351324, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,58602, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,37, Private,64922, Bachelors,13, Separated, Other-service, Not-in-family, White, Male,0,0,70, England +<=50K,41, Federal-gov,185616, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1980,40, United-States +>50K,43, Private,185832, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,254767, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105,0,50, United-States +<=50K,39, Federal-gov,32312, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,47, Self-emp-not-inc,109421, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,183205, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,39, Private,156897, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,2258,42, United-States +<=50K,48, Local-gov,145886, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +>50K,47, Local-gov,29819, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,50, United-States +<=50K,27, Private,244566, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,253801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Ecuador +<=50K,22, Private,181313, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,37, State-gov,150566, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,38, Private,237713, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,112137, Preschool,1, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,4508,0,40, Cambodia +<=50K,48, Local-gov,187969, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,80, United-States +<=50K,46, Self-emp-not-inc,224108, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,51, Private,174754, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +<=50K,28, Self-emp-inc,219705, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,55, United-States +<=50K,35, Private,167062, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,190325, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,108859, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,344351, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,73, Private,153127, Some-college,10, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,10, United-States +<=50K,52, Private,180881, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,183066, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,29, Federal-gov,339002, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,185480, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, ? +<=50K,20, Private,172047, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +>50K,42, Private,94600, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,37, Private,302604, Some-college,10, Separated, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,40, Private,248094, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,32, Private,36467, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,29, Private,53181, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,181032, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,26, Private,248990, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,40512, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,3674,0,30, United-States +>50K,37, Private,117381, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,80, United-States +<=50K,18, ?,173125, 12th,8, Never-married, ?, Own-child, White, Female,0,0,24, United-States +<=50K,33, ?,316663, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,50, United-States +<=50K,26, Private,154966, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,24, Private,198259, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,167939, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,131275, HS-grad,9, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, ?,236523, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,272950, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Private,174503, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,116800, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +>50K,38, Private,110713, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,202044, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,44, Private,300528, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Private,54985, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,57, Private,133126, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Private,74593, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,44, Private,302424, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,55, United-States +<=50K,21, Private,344492, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,31, Private,349148, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,222221, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,42, United-States +>50K,45, Private,234699, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,60, United-States +<=50K,20, Local-gov,243178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,189728, HS-grad,9, Separated, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,47, Self-emp-not-inc,318593, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,41, Private,108681, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,40, Private,187376, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,41, State-gov,75409, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,46, Private,172581, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,49, Private,266150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,65, Private,271092, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, ? +<=50K,50, Private,135643, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Female,0,0,40, China +>50K,59, Private,46466, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,130652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,47, Local-gov,114459, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +>50K,47, ?,109832, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,5178,0,30, Canada +>50K,45, Private,195554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,244589, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,45, Self-emp-inc,271901, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,73, Private,139978, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,180446, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,64, ?,178724, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,38, State-gov,341643, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,37, Federal-gov,289653, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,62, Self-emp-inc,118725, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051,0,72, United-States +<=50K,26, Private,187891, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, Self-emp-inc,116338, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,46, Private,102771, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +>50K,51, Private,89652, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,4787,0,24, United-States +<=50K,54, Federal-gov,439608, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,330144, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,251905, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,218955, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,188972, Doctorate,16, Separated, Prof-specialty, Unmarried, White, Female,0,0,10, Canada +>50K,60, Self-emp-not-inc,25825, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,202046, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,2001,40, United-States +<=50K,62, Private,116104, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, Germany +<=50K,20, Private,194891, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,125550, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,14084,0,35, United-States +<=50K,66, Private,116468, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,2936,0,20, United-States +<=50K,32, ?,285131, Assoc-acdm,12, Never-married, ?, Unmarried, White, Male,0,0,20, United-States +<=50K,29, State-gov,409201, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,70, Self-emp-inc,379819, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,10566,0,40, United-States +<=50K,74, Private,97167, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +<=50K,37, Local-gov,244803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,51, Self-emp-not-inc,115851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,118058, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,42, Private,258589, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,26, Private,158810, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +>50K,27, Local-gov,92431, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,2231,40, United-States +<=50K,58, Self-emp-not-inc,165695, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,30, ?,97281, Some-college,10, Separated, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,32, Private,244147, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,50, United-States +>50K,66, Self-emp-inc,253741, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1825,10, United-States +<=50K,23, Private,170482, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,35, Private,241001, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,50, Private,165001, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, ?,297117, 11th,7, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,340260, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,48, United-States +<=50K,31, Private,96480, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,185177, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,49, United-States +>50K,84, Self-emp-inc,172907, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,35, Self-emp-not-inc,308874, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,54098, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,288608, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Local-gov,254148, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,37, Private,111128, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,171116, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,53, Self-emp-inc,96062, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,48, United-States +>50K,27, Federal-gov,276776, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,152878, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,149211, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,58343, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,38, Private,127601, Some-college,10, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,35, United-States +<=50K,29, Private,357781, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,137367, Some-college,10, Never-married, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0,0,44, Philippines +<=50K,34, Private,110978, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,31, Private,34503, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,84119, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,20, Private,223515, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,372525, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,0,0,48, United-States +<=50K,32, Private,116365, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,36, Private,111268, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,225599, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7298,0,40, India +<=50K,78, ?,83511, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Portugal +<=50K,46, Self-emp-not-inc,199596, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,18, Private,301867, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,57, Private,191983, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,105803, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,43, Private,456236, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,116255, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,235109, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,91716, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,121102, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,2001,30, United-States +<=50K,70, Private,235781, Some-college,10, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,40, Private,136986, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-not-inc,33658, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,53878, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,29, Private,200928, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,173736, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Private,214385, Assoc-voc,11, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,58, Private,102509, 10th,6, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,50, United-States +<=50K,38, Private,173047, Bachelors,13, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,213,40, Philippines +<=50K,59, Self-emp-not-inc,241297, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Female,6849,0,40, United-States +<=50K,18, Private,329054, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,40, Private,274158, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-inc,241153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, Private,200117, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1887,50, ? +<=50K,45, Private,229516, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,72, Mexico +<=50K,62, ?,250091, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,5, United-States +<=50K,24, State-gov,247075, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Private,315524, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,30, Dominican-Republic +<=50K,23, Private,126945, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,29874, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,115579, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +>50K,51, Private,29580, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,4386,0,30, United-States +<=50K,44, Private,56483, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +<=50K,73, ?,89852, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Portugal +<=50K,24, Private,420779, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,35, United-States +<=50K,24, Private,255474, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,241444, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,50, Puerto-Rico +<=50K,43, Private,85995, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,116986, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,31, Private,217962, 12th,8, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, ? +>50K,36, Private,20507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,43, Private,184099, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,117816, 7th-8th,4, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,70, United-States +<=50K,23, Private,263899, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, Haiti +<=50K,26, Private,45869, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,186539, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,326310, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,55, Local-gov,84564, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +>50K,49, Private,247294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,72793, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,29, Private,261375, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,60, United-States +<=50K,50, Private,77905, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,19, Private,66838, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,9, United-States +>50K,63, State-gov,194682, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,66, Private,180211, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,65, ?,79272, Some-college,10, Widowed, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,6, United-States +<=50K,60, Private,101198, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,60, Private,80574, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,19, Private,198663, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,160340, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,75, Self-emp-not-inc,205860, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1735,40, United-States +<=50K,58, State-gov,69579, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,18, Self-emp-not-inc,379242, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,65, Private,113323, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,3818,0,40, United-States +>50K,50, Self-emp-not-inc,312477, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,26, Private,259505, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,45, Federal-gov,171335, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,541282, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,29, Federal-gov,155970, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,52, Private,99682, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,52, Canada +<=50K,23, Private,117789, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,296158, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,48, Local-gov,78859, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,59, ?,188070, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,50, Private,189811, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,518030, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,1590,40, Puerto-Rico +<=50K,32, Private,360593, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,40, Private,145504, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,459248, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,30, ?,288419, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +<=50K,42, State-gov,126094, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Male,0,0,39, United-States +<=50K,23, Private,209483, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +>50K,37, Self-emp-not-inc,32239, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,27828,0,40, United-States +<=50K,21, Private,210355, 11th,7, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,24, United-States +>50K,28, Private,84547, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,50, ?,260579, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,105585, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,21, Private,132320, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,21, Private,129172, Some-college,10, Never-married, Other-service, Other-relative, White, Male,0,0,16, United-States +<=50K,45, Self-emp-not-inc,222374, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-inc,201498, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,251675, Some-college,10, Divorced, Sales, Not-in-family, White, Male,8614,0,50, Cuba +<=50K,41, Private,114157, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,48, Local-gov,148121, Bachelors,13, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,73, ?,84053, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Private,96480, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,179423, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, State-gov,123329, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +>50K,41, Private,134130, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,188644, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,40, Private,226388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,28, Self-emp-not-inc,209205, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,32, Private,209808, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,47, United-States +<=50K,44, Self-emp-inc,56236, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,2202,0,45, United-States +<=50K,18, Private,28648, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,37, State-gov,34996, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,281422, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,45, United-States +<=50K,22, Private,214716, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,314177, 10th,6, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,51, Private,112310, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,63, Private,203783, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,72, United-States +<=50K,29, Private,205499, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,44, Private,145441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,48, United-States +<=50K,44, Private,155701, 7th-8th,4, Separated, Other-service, Unmarried, White, Female,0,0,38, Peru +<=50K,37, State-gov,186934, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,62, Federal-gov,209433, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,80933, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,20, Private,102607, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,48, Private,254809, 10th,6, Divorced, Machine-op-inspct, Unmarried, White, Female,0,1594,32, United-States +<=50K,24, Self-emp-not-inc,102942, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,56, State-gov,175057, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,68781, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,108594, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,98283, Prof-school,15, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,1564,40, India +<=50K,39, Private,56269, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,152503, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,45, United-States +<=50K,38, Self-emp-inc,206951, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,82393, 9th,5, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,20, Philippines +<=50K,37, Private,167396, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Guatemala +<=50K,30, Self-emp-not-inc,123397, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,58, ?,147653, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,36, United-States +<=50K,42, Private,118652, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,114401, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,1504,19, United-States +>50K,45, Private,186272, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298,0,40, United-States +<=50K,46, Private,182689, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,231016, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,37, United-States +<=50K,41, Self-emp-inc,60949, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +>50K,49, Private,129513, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,84306, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,117507, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,88050, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,6, United-States +<=50K,22, Private,305498, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,33, United-States +<=50K,17, Private,295308, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,20, United-States +>50K,47, Private,114459, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,176017, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +<=50K,39, Private,248445, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,214542, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,384508, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Federal-gov,403489, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,52, Private,143953, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,21, Private,254904, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +<=50K,33, Private,98995, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,36, United-States +<=50K,17, ?,237078, 11th,7, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,41, Private,193995, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,19, Private,205829, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,38, Federal-gov,205852, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, Private,37072, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,275338, Bachelors,13, Divorced, Sales, Unmarried, White, Female,1151,0,40, United-States +>50K,39, State-gov,122353, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,100009, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,31, ?,37030, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,42, Private,135056, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,135162, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,45, ? +<=50K,29, Private,280618, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,226717, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,47, Local-gov,173938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,291355, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +>50K,61, Federal-gov,160155, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,29762, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,31, ?,82473, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,59, Private,172071, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,38, Jamaica +<=50K,29, Private,166210, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,330263, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,247043, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,56, Federal-gov,155238, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,130557, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,56986, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,29, Private,220692, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,121650, 5th-6th,3, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,67, Private,174603, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,341846, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,99339, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,880,40, United-States +<=50K,32, Private,34437, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,141058, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,62, Mexico +<=50K,49, Private,192323, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,117674, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,39, Private,28572, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,120277, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,164309, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,47, Federal-gov,102771, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,147951, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,1, United-States +<=50K,23, Private,188409, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,4508,0,25, United-States +>50K,44, Private,173888, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,25, Private,247006, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,82889, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +>50K,52, Private,259363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,62, Federal-gov,159165, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,31, Private,112062, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,299050, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, ?,186452, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,36, United-States +<=50K,53, Private,548580, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +<=50K,25, Private,234057, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,241350, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Private,108196, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,2993,0,40, United-States +>50K,49, Private,278322, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,157443, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,27, Taiwan +>50K,44, Self-emp-not-inc,37618, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,56, Local-gov,238582, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,37, State-gov,28887, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,77820, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,110946, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Local-gov,230420, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,206521, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, ?,156877, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Local-gov,283227, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,28, Private,141957, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,58337, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,35, ? +<=50K,73, Local-gov,161027, 5th-6th,3, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,20, United-States +<=50K,37, Self-emp-not-inc,31670, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,205844, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Female,0,0,65, United-States +<=50K,30, State-gov,46144, HS-grad,9, Married-AF-spouse, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,38, Private,168055, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,50, Private,98350, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,69, ?,182668, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +>50K,43, Private,208613, Prof-school,15, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,99999,0,40, United-States +<=50K,42, Private,334522, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,54, State-gov,187686, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,27, State-gov,365916, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,58, United-States +<=50K,39, Private,190719, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,218184, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,30, Private,222162, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,66, United-States +<=50K,30, Private,148524, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2057,40, United-States +<=50K,37, Private,267085, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Federal-gov,307555, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,229180, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, Cuba +<=50K,22, Private,279041, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,10, United-States +<=50K,21, Private,312017, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,54782, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1579,42, United-States +<=50K,76, Private,70697, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,22, ?,263970, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,28, United-States +<=50K,37, Private,188774, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,302770, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,183639, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,97, United-States +<=50K,29, Private,178551, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,175343, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,190078, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,43, Private,117627, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,39, Private,108419, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,183701, 10th,6, Widowed, Other-service, Not-in-family, Black, Female,0,0,6, United-States +<=50K,27, State-gov,208406, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,148884, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,90, Private,87285, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +>50K,47, Private,199058, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,42, Private,173628, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,370837, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,179484, 12th,8, Never-married, ?, Own-child, Other, Male,0,0,40, United-States +<=50K,23, Private,342769, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,20, United-States +<=50K,44, Local-gov,65145, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,41, Private,150533, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2829,0,40, United-States +<=50K,47, Local-gov,272182, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Private,403467, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7688,0,40, United-States +<=50K,33, Private,252168, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,80430, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Private,189623, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,60, United-States +>50K,43, Private,115806, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,2547,40, United-States +<=50K,18, ?,28357, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,226084, HS-grad,9, Widowed, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,150817, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,27, Self-emp-inc,190911, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +>50K,27, Self-emp-inc,120126, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +<=50K,45, Local-gov,255559, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,79, ?,142370, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,24, Private,173679, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,25, Private,35854, Some-college,10, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,82161, 10th,6, Widowed, Transport-moving, Unmarried, White, Male,0,0,35, United-States +<=50K,63, Self-emp-not-inc,129845, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,226505, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,46, United-States +>50K,47, Private,151584, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +>50K,42, Private,136419, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,66460, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,63, Local-gov,379940, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,102936, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,65, Private,205309, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +<=50K,30, ?,156890, 10th,6, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +>50K,62, Private,208711, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,137547, HS-grad,9, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,23, Private,220168, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,25, Jamaica +<=50K,47, Local-gov,37672, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,20, Private,196643, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,21, ?,355686, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,28, Private,197484, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,61, Local-gov,115023, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,30, State-gov,234824, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,72, United-States +>50K,30, State-gov,361497, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,29, Private,351871, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,324231, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,123490, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,32, Private,188245, 11th,7, Never-married, Priv-house-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, Private,50349, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,34, United-States +<=50K,19, Self-emp-not-inc,47176, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,15, United-States +>50K,57, State-gov,290661, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,41, Private,221172, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,188950, Assoc-voc,11, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,356882, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,43, Self-emp-inc,150533, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,64, Self-emp-not-inc,167149, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,56, Private,301835, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,313729, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,130957, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,197732, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,17, Private,250541, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,29, Private,218785, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,65, United-States +<=50K,23, ?,232512, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,194630, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,38721, HS-grad,9, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,22, United-States +>50K,36, Private,201519, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,50, Private,279337, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +>50K,41, ?,27187, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,2415,12, United-States +<=50K,31, Private,87560, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,50, United-States +<=50K,71, ?,100820, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,2489,15, United-States +<=50K,56, Private,208431, Some-college,10, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,32, United-States +>50K,51, Private,143822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,20, Private,163205, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,53, Private,171924, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,14344,0,55, United-States +<=50K,33, State-gov,137616, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,35, United-States +<=50K,27, Private,156516, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,2377,20, United-States +>50K,40, Private,119101, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,45, Private,117556, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,32, United-States +<=50K,54, Private,147863, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,5013,0,40, Vietnam +<=50K,33, Self-emp-not-inc,24504, HS-grad,9, Separated, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,27, ?,157624, HS-grad,9, Separated, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,36, Private,181721, 10th,6, Never-married, Farming-fishing, Own-child, Black, Male,0,0,60, United-States +>50K,42, Local-gov,55363, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,92865, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,258633, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, ? +>50K,52, Federal-gov,221532, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,41, Local-gov,183224, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,30, Private,381153, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,300871, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,33710, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,60, United-States +<=50K,26, Private,158333, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Columbia +<=50K,36, Private,288103, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,108907, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,46, Private,358533, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,126613, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,8, United-States +>50K,30, Private,164190, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,52, United-States +<=50K,38, Private,199816, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,98228, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,41, Local-gov,129060, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,22245, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,226918, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,48, United-States +>50K,47, Private,398652, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,59, Private,268840, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,16, United-States +<=50K,35, ?,103710, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,16, ? +>50K,59, Private,91384, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,52, Private,174767, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,37, Self-emp-inc,126675, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,82285, Bachelors,13, Married-spouse-absent, Other-service, Other-relative, Black, Female,0,0,40, Haiti +>50K,51, Private,177727, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,67, Self-emp-not-inc,345236, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,58, ?,347692, 11th,7, Divorced, ?, Not-in-family, Black, Male,0,0,15, United-States +<=50K,68, Private,156000, 10th,6, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,71, Private,228806, 9th,5, Divorced, Priv-house-serv, Not-in-family, Black, Female,0,0,6, United-States +<=50K,49, Local-gov,184428, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,102938, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,161063, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,253752, 10th,6, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,274800, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,129804, 9th,5, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,22, Federal-gov,65547, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, United-States +<=50K,57, Private,161097, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,26, United-States +<=50K,18, Private,118376, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,32, Private,131224, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,120985, HS-grad,9, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,215392, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,63685, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, Cambodia +>50K,48, Private,131826, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,39, Private,211440, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,31023, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,145439, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Other, Male,4064,0,40, Mexico +<=50K,19, Private,255161, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,411950, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,275818, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,1974,40, United-States +<=50K,18, Private,318082, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,23, Local-gov,287988, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Local-gov,138342, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,3411,0,40, El-Salvador +<=50K,42, Federal-gov,115932, Bachelors,13, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,60358, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,140117, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,34, Private,158040, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,30, Self-emp-inc,321990, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, ? +<=50K,29, Private,232784, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,349368, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Federal-gov,325573, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Private,140176, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +>50K,50, Private,128478, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,318264, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,59, Private,147989, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +>50K,45, Federal-gov,155659, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,288433, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Federal-gov,329205, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,64, Private,171373, 11th,7, Widowed, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,228860, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,196116, Prof-school,15, Divorced, Prof-specialty, Own-child, White, Female,2174,0,72, United-States +<=50K,17, Private,47771, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,201680, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,60, United-States +<=50K,28, Private,337378, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,246449, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,3325,0,50, United-States +<=50K,48, Private,227714, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,177285, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,38, United-States +<=50K,38, Private,71701, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, Portugal +<=50K,49, Private,30219, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1669,40, United-States +>50K,42, Private,280167, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,27408, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,167031, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Columbia +<=50K,41, Private,173682, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,278557, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,113688, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,41, Self-emp-not-inc,252986, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,33669, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,56, Private,100776, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,47, Self-emp-not-inc,177457, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,30, State-gov,312767, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Private,43354, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Self-emp-inc,375422, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, South +>50K,49, Self-emp-not-inc,263568, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,67, ?,74335, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,10, Germany +<=50K,26, Private,302097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,48, United-States +<=50K,35, Private,248010, Bachelors,13, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,37, ?,87369, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,405577, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, State-gov,167065, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,102476, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,526528, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,3887,0,40, United-States +<=50K,32, Private,175878, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,55, Private,213894, 11th,7, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,150262, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,75363, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,272671, Bachelors,13, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +>50K,67, Self-emp-inc,411007, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,15831,0,40, United-States +<=50K,44, Private,222434, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,26, Private,180246, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,25, Private,171236, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,367037, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,304651, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,97017, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,146879, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,2001,40, United-States +<=50K,45, State-gov,320818, Some-college,10, Married-spouse-absent, Other-service, Other-relative, Black, Male,0,0,40, Haiti +>50K,47, Self-emp-not-inc,84735, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,49, Private,184428, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,326886, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,169624, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,37, United-States +<=50K,29, Private,212102, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,23, Private,175837, 11th,7, Never-married, Farming-fishing, Other-relative, White, Female,0,0,40, Puerto-Rico +<=50K,50, Private,177487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,286750, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1902,40, United-States +>50K,44, Private,171424, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,194981, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,36, United-States +<=50K,73, Private,199362, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,204226, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, State-gov,72506, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,61, Self-emp-inc,61040, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,36, United-States +<=50K,37, Federal-gov,194630, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,391867, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,94080, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,289405, 11th,7, Never-married, Machine-op-inspct, Own-child, Other, Male,0,0,12, United-States +<=50K,30, Private,170130, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,158118, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,1719,40, United-States +<=50K,30, Private,447739, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,90, ?,39824, HS-grad,9, Widowed, ?, Not-in-family, White, Male,401,0,4, United-States +<=50K,76, ?,312500, 5th-6th,3, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,223342, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1504,35, United-States +<=50K,65, ?,293385, Preschool,1, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +<=50K,25, Private,106377, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,66118, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,274883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,123773, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Local-gov,70655, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,49, Private,177426, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,37, Private,200374, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,19, State-gov,159269, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,235894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,34, Local-gov,97723, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,167309, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,98106, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Federal-gov,22201, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,45, Private,108993, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,265954, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,100960, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,170092, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,54, Private,326156, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,216932, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,69, Private,36956, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,50, United-States +<=50K,24, Private,214014, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,99872, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,61, State-gov,151459, 10th,6, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +>50K,57, Self-emp-inc,161662, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,56, Private,367200, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,35, Private,86648, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +>50K,51, Local-gov,168539, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,140741, 11th,7, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,25, Private,197651, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,43, United-States +>50K,46, Private,123053, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +<=50K,23, Private,330571, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,44, Private,204235, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,346766, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, ?,257250, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,163396, Some-college,10, Never-married, Tech-support, Not-in-family, Other, Female,0,0,40, United-States +<=50K,78, ?,135839, HS-grad,9, Widowed, ?, Not-in-family, White, Female,1086,0,20, United-States +<=50K,18, Private,36251, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,40, Private,149102, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,2174,0,60, Poland +<=50K,61, ?,222395, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,29152, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,79303, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,272338, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,55, State-gov,200497, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,148392, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,31, Private,164243, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +>50K,43, State-gov,129298, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,174981, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,47, United-States +>50K,48, Local-gov,328610, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,77774, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,34, United-States +>50K,38, State-gov,134069, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,35, Private,209214, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,4386,0,35, United-States +<=50K,29, Private,153805, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Other, Male,0,0,40, Ecuador +<=50K,27, Private,168827, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,2, United-States +<=50K,31, Private,373432, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,26, Private,57600, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,302847, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,227594, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,32, Federal-gov,44777, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,46, United-States +<=50K,54, ?,133963, HS-grad,9, Widowed, ?, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,279615, Bachelors,13, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,276133, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, Private,136314, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,41, Private,204410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,44, United-States +>50K,59, Self-emp-inc,223215, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,43, Private,184625, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,34, Self-emp-inc,265917, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,158647, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,22055, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,41, Local-gov,176716, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,270721, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,32, United-States +<=50K,24, Private,100321, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,35, Private,79050, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,72, United-States +>50K,40, Local-gov,42703, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,116952, 7th-8th,4, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,45, Private,331643, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,207937, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1092,40, United-States +<=50K,68, Private,223486, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,7, England +<=50K,33, Private,340332, Bachelors,13, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +<=50K,23, Private,184813, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,42, Self-emp-not-inc,32185, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,30, Private,197886, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, State-gov,248374, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Private,382499, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,36, State-gov,108320, Masters,14, Divorced, Prof-specialty, Unmarried, White, Male,5455,0,30, United-States +<=50K,46, Self-emp-inc,161386, 9th,5, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,49, Local-gov,110172, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,144032, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,224426, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,38, United-States +<=50K,37, Private,230408, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,20, United-States +>50K,50, Local-gov,20795, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,174714, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,59, State-gov,398626, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,45, United-States +<=50K,30, Private,149531, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,34113, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,44, Local-gov,323790, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,331381, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,160647, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Ireland +<=50K,34, Private,339142, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,164857, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,33, Local-gov,267859, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,167725, Bachelors,13, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0,0,84, India +>50K,49, Federal-gov,586657, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,67, Self-emp-not-inc,105907, 1st-4th,2, Widowed, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,23, Private,200677, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,193882, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,138026, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Private,122385, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,35, Private,49020, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,283715, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,286406, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,3325,0,40, United-States +<=50K,36, Private,166416, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,156334, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Local-gov,45607, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,40, Local-gov,112362, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,200419, Assoc-acdm,12, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,42, State-gov,341638, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,34161, 12th,8, Separated, ?, Unmarried, White, Female,0,0,30, United-States +>50K,50, Self-emp-not-inc,127151, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, Canada +>50K,52, Private,321959, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,51, Local-gov,35211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,214935, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,132130, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,57, Private,222247, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,165799, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,30, Private,257874, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,357173, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, State-gov,305739, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,172047, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,110677, Some-college,10, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,21, ?,405684, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,35, Mexico +<=50K,60, Private,82388, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +>50K,45, Private,289230, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,48, United-States +<=50K,26, Private,101812, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,5721,0,40, United-States +<=50K,49, State-gov,336509, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,383402, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,47, Private,328216, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +<=50K,40, Private,280362, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,212064, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,7443,0,35, United-States +<=50K,42, Private,173704, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,433375, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,63, Self-emp-not-inc,106551, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,22418, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,54816, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,358199, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,190044, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,97698, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,32, United-States +<=50K,56, Private,53366, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,236136, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,326232, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,34, Private,581071, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,40, Private,220589, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,161463, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,44, Private,95255, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Federal-gov,223267, Some-college,10, Divorced, Protective-serv, Own-child, White, Male,0,0,72, United-States +<=50K,22, Private,236769, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, England +>50K,58, Self-emp-inc,229498, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Private,177083, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,30, United-States +<=50K,23, Private,287681, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Columbia +<=50K,41, Private,49797, Some-college,10, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,44, Private,174051, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, Private,194901, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,252250, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,47, Private,191277, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,174907, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,167140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,236543, 12th,8, Divorced, Protective-serv, Own-child, White, Male,0,0,54, Mexico +<=50K,40, Private,214242, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,216864, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,3770,45, United-States +<=50K,34, Private,245211, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,2036,0,30, United-States +>50K,57, Private,437727, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,71, Private,200418, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,167334, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,54, Private,146834, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,78424, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,54, United-States +>50K,37, Private,182675, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,28, Self-emp-not-inc,38079, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,115178, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,15, United-States +<=50K,45, Private,195949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,167415, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,223214, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,22245, Bachelors,13, Married-civ-spouse, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,45, State-gov,81853, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Private,147921, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +>50K,27, Private,29261, HS-grad,9, Married-AF-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,257758, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,136546, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,38, Private,205493, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,19, Private,71650, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,150217, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,55, Self-emp-inc,258648, 10th,6, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,114798, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,43, Private,186188, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Local-gov,175255, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,45, Private,249935, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,44, Private,120277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,26, Private,193165, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +>50K,32, Private,185027, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, Ireland +<=50K,21, Private,221418, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,56063, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,153927, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,163110, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,40, Self-emp-inc,175696, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,51, United-States +<=50K,46, Private,143189, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,20, ?,114969, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,54, State-gov,32778, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,150683, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,78104, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,335005, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3137,0,40, United-States +>50K,50, Local-gov,311551, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,42, Self-emp-not-inc,201520, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,124111, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,60, Private,166386, 11th,7, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,30, Hong +<=50K,43, State-gov,117471, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,361307, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,142038, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,45, United-States +<=50K,35, Private,276552, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,50402, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,174090, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,27, Private,277760, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,24243, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +>50K,44, Self-emp-inc,151089, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,70, United-States +<=50K,52, Self-emp-not-inc,165278, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,22, United-States +>50K,49, Private,182752, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,173002, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,261232, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,164607, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,129573, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Federal-gov,36186, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,325744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-inc,329793, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,133616, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Private,83401, 5th-6th,3, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,76, Private,239880, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,25, Private,201737, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,192182, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,33, Private,143540, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,28334, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,245873, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,42, Local-gov,199095, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,53, Private,104461, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,8614,0,50, Italy +>50K,33, Local-gov,183923, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +>50K,30, Private,129707, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,41, Local-gov,575442, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, State-gov,184682, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,69251, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Private,225507, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,167515, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,35, Private,407068, 1st-4th,2, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,40, Private,170019, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, ? +>50K,46, Local-gov,125892, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,35824, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,67083, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,23, Private,107801, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,50, Self-emp-not-inc,95577, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,12, ? +<=50K,43, Private,118536, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Black, Male,0,0,40, United-States +>50K,61, Private,198078, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,78261, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,21, Private,234108, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,241998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1672,50, United-States +<=50K,40, Private,92717, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,257683, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,90, Private,40388, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,24, Private,55424, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,169600, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,2176,0,12, United-States +>50K,40, Local-gov,319271, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Self-emp-not-inc,75050, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,182896, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,188274, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,211497, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,113806, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, ? +>50K,47, Local-gov,172246, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,48, Local-gov,219962, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,186815, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,132749, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,80, United-States +<=50K,28, Private,209801, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,20, State-gov,178517, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,169364, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, Ireland +>50K,32, Federal-gov,164707, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Private,144084, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,133692, Bachelors,13, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,184169, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +>50K,45, Self-emp-inc,145290, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Local-gov,24824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,178319, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,22, Private,235829, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, ?,196280, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,42, Self-emp-not-inc,54202, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Private,220237, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,24, Private,59146, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,67, Private,64148, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,41, United-States +<=50K,28, Private,196621, HS-grad,9, Married-spouse-absent, Tech-support, Not-in-family, White, Female,0,0,37, United-States +>50K,56, Private,195668, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Cuba +<=50K,31, State-gov,263000, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,33, Private,554986, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,52, ?,108211, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, Private,217654, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Germany +>50K,53, Private,139671, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,102771, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Portugal +<=50K,40, Private,213019, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,35, Private,228493, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,65, Self-emp-not-inc,22907, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,24364, Some-college,10, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,23, Federal-gov,41432, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,39, Private,235259, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,343476, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,37, Private,326886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,248313, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,30290, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,188540, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,39, Private,237943, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,25, Private,198870, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,30, Private,233980, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,171090, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,48, United-States +<=50K,22, Private,353039, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,36, Mexico +>50K,46, Federal-gov,213140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,54, Private,188136, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,1408,38, United-States +<=50K,33, Private,130057, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,70, State-gov,345339, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,182074, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Local-gov,176557, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,55, State-gov,71630, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1617,40, United-States +<=50K,17, Private,159849, 11th,7, Never-married, Protective-serv, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,183425, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,125933, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,40, Local-gov,180123, HS-grad,9, Married-spouse-absent, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +>50K,36, Private,592930, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,28, Private,183802, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +>50K,39, Private,77005, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,49, Private,80914, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,63, Self-emp-inc,165667, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,123991, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +>50K,48, Self-emp-inc,181307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,124137, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Poland +<=50K,18, ?,137363, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,4, United-States +<=50K,20, Private,291979, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,20, United-States +<=50K,49, Private,91251, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,27, Federal-gov,148153, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,37, Private,131463, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,32, State-gov,127651, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-inc,239018, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,276087, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,26, United-States +<=50K,34, Private,386877, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,61, Private,210464, HS-grad,9, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,35, United-States +<=50K,25, Private,632834, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,245465, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,18, Private,198087, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,35, Private,27408, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,242713, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +>50K,56, Private,314727, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,40, State-gov,269733, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,177287, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,66, Private,167711, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,112181, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,339002, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,39, State-gov,24721, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,65, Self-emp-not-inc,37092, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,20, Private,216563, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,204447, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,40, United-States +>50K,24, ?,151153, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,99999,0,50, South +<=50K,39, Private,187089, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,423052, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,169180, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Hong +<=50K,21, Private,104981, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,48, United-States +<=50K,35, ?,120074, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,38, Private,269323, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,141549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,214858, 10th,6, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,55, United-States +<=50K,34, Private,173524, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Local-gov,365049, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Mexico +<=50K,38, Private,60355, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,86808, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,33, State-gov,174171, Some-college,10, Separated, Tech-support, Not-in-family, White, Male,0,0,12, United-States +<=50K,32, Federal-gov,504951, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,294064, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, France +>50K,46, Private,120131, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,48, Private,199058, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,152328, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,88564, 7th-8th,4, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,67, Private,95113, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +>50K,36, Private,247558, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,60, ? +<=50K,25, Private,178421, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Private,484861, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,38, United-States +<=50K,27, Local-gov,225291, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,205735, 1st-4th,2, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,58898, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,48, United-States +>50K,39, Private,355468, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,46, United-States +<=50K,60, Self-emp-not-inc,184362, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,27, Private,347513, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,138768, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,29810, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,126501, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,60783, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +<=50K,26, Private,179772, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,45, Self-emp-inc,281911, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,70447, HS-grad,9, Never-married, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,55, ?,449576, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,48, Mexico +<=50K,29, Private,327964, 9th,5, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,72, Private,496538, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,6360,0,40, United-States +>50K,35, Self-emp-not-inc,153066, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,53, State-gov,77651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,119493, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,256240, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,69, Private,177374, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,1848,0,12, United-States +<=50K,41, Local-gov,37848, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,45, Private,129336, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,183511, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,120131, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,55, Private,190508, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, United-States +>50K,31, Private,363130, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,240356, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,55, United-States +<=50K,64, Private,133166, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,5, United-States +<=50K,38, Private,32916, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,117477, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,34748, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1887,20, United-States +<=50K,22, Private,459463, 12th,8, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,50, United-States +<=50K,23, Private,95989, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,118088, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,150570, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,43, United-States +<=50K,31, ?,505438, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,30, Mexico +<=50K,37, Private,179731, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,53, Private,122109, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,1876,38, United-States +<=50K,28, Local-gov,163942, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,106670, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,123403, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-inc,119986, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,66622, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,20, ?,40060, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,56, United-States +>50K,35, Private,260578, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,64, Local-gov,96076, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,70604, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +>50K,39, Self-emp-not-inc,230329, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,1564,12, United-States +<=50K,53, Private,49715, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,116531, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,214542, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Local-gov,335005, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, Italy +<=50K,19, Private,258633, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,20, Private,203240, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,104457, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +>50K,55, Local-gov,99131, HS-grad,9, Married-civ-spouse, Prof-specialty, Other-relative, White, Female,0,2246,40, United-States +>50K,52, State-gov,125796, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1848,40, United-States +<=50K,21, ?,479482, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,167790, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,133758, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,1974,40, United-States +<=50K,22, Private,106843, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,30, United-States +>50K,24, Private,117959, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,4386,0,40, United-States +<=50K,26, Private,174921, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,134152, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,99364, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,18, Local-gov,155905, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,30, Private,467108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,34, Self-emp-not-inc,304622, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,40, Private,198692, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,60, United-States +<=50K,60, Private,178050, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,25, Private,162687, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,113151, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Private,158924, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,141795, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,33404, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,65, Self-emp-inc,178771, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Private,168553, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,110648, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,151053, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,142871, Some-college,10, Separated, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,18, ?,343161, 11th,7, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,27, Private,183523, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, Self-emp-not-inc,222216, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +>50K,44, Private,121874, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,55, United-States +>50K,30, Private,467108, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,26, Private,34393, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Federal-gov,42003, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,61, Private,180418, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,199590, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Mexico +>50K,33, Private,144949, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,50, Private,155594, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,53, Self-emp-not-inc,162576, 7th-8th,4, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,99, United-States +>50K,33, Private,232475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,269474, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +>50K,45, Local-gov,140644, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, ?,39640, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, ?,346014, 7th-8th,4, Separated, ?, Own-child, White, Female,0,0,20, United-States +>50K,47, Self-emp-not-inc,159726, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Federal-gov,290856, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,217886, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, ?,199915, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,58, Private,106546, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,2174,0,40, United-States +>50K,50, Local-gov,220640, Masters,14, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,33, Federal-gov,88913, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,288486, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,227411, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,37, Local-gov,99935, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,50, United-States +<=50K,57, Private,201112, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,123778, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,204596, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,40, Private,190290, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,196674, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,108435, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +>50K,38, Private,186359, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,32, Private,137076, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,22, State-gov,262819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,171655, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,42, Private,183319, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,36, Private,127306, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,47, United-States +<=50K,22, Private,68678, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,40, State-gov,140108, 9th,5, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,263444, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,46, State-gov,265554, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,28, Private,410216, 11th,7, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,46, State-gov,20534, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,55, Private,188917, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,76, Private,98695, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,411950, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,50, Private,237819, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,75, Private,187424, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,42, Federal-gov,198316, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,139703, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,152596, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,194726, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +<=50K,44, Private,82601, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,229843, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,20, United-States +<=50K,60, Private,122276, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, Italy +>50K,47, State-gov,188386, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,73, Private,92298, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,390657, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,50, Private,89041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,35, Private,314897, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,31, Private,166343, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,50, ? +>50K,45, Private,88781, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +>50K,57, Private,41762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,34, Private,849857, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Nicaragua +<=50K,19, Private,307496, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,25, Private,324372, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +>50K,39, Private,99270, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, Germany +>50K,28, Private,160731, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,48, State-gov,148306, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,259019, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,53, Private,224894, 5th-6th,3, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,10, Haiti +<=50K,19, Private,258470, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,197919, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +<=50K,23, Private,213719, Assoc-acdm,12, Never-married, Sales, Own-child, Black, Female,0,0,36, United-States +<=50K,32, Private,226535, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,146042, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,21, Private,180339, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Female,0,1602,30, United-States +<=50K,24, Private,99970, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,300687, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,29, Local-gov,219906, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,25, United-States +<=50K,24, Private,122234, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, ? +<=50K,55, Private,158641, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,239539, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,46, Local-gov,102308, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,186934, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,234447, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,35, Private,125933, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,142760, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,41, State-gov,309056, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-not-inc,48859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,30, Private,110594, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,72, Private,426562, 11th,7, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,17, Private,169037, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,123075, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,195744, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,36, Private,81896, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Self-emp-not-inc,172047, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,253814, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,28, Private,66473, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,60, ?,56248, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1485,70, United-States +>50K,42, Local-gov,271521, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Other, Male,0,0,40, United-States +>50K,48, Private,265295, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,174308, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,196342, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,223594, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,40, Puerto-Rico +<=50K,30, Private,149787, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,124686, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,10, United-States +<=50K,45, Private,50163, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, Private,175789, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,218215, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,166371, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,169469, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,52, Private,145081, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Private,214521, Prof-school,15, Widowed, Prof-specialty, Unmarried, White, Female,0,0,16, United-States +>50K,26, Local-gov,287233, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,52, Private,201310, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +<=50K,46, Self-emp-not-inc,197836, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,50, United-States +>50K,53, Private,158294, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,17, Private,127366, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,29, Private,203697, Bachelors,13, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0,0,75, United-States +>50K,41, Private,168730, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,165232, Some-college,10, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, Trinadad&Tobago +>50K,57, Private,175942, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Federal-gov,356689, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, Japan +>50K,46, Private,132912, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,187226, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,59, ?,254765, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,202565, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,38, State-gov,103925, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,2036,0,20, United-States +<=50K,22, Private,112164, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, ? +<=50K,59, Self-emp-not-inc,70623, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,85, United-States +<=50K,36, Private,102729, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,558944, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,256967, 10th,6, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,62, ?,144583, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,102412, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,159788, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +>50K,27, Private,55743, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,45, United-States +>50K,47, State-gov,148171, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, France +<=50K,20, Local-gov,271354, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,98524, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,272913, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, Mexico +<=50K,22, Private,324445, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,155469, Assoc-acdm,12, Widowed, Tech-support, Unmarried, White, Female,0,0,24, United-States +<=50K,36, Private,102945, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,291904, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Federal-gov,186601, HS-grad,9, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,43, Private,172401, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,193285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,34, Private,176244, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,117779, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,35, United-States +<=50K,22, ?,34616, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,169182, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,25, Puerto-Rico +<=50K,27, Private,180758, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Local-gov,141637, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,169023, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,34, Self-emp-not-inc,101266, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,62, United-States +>50K,30, Private,164190, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,142282, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,39, Federal-gov,103984, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,64, Private,187601, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Self-emp-not-inc,36218, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,29, State-gov,106334, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +>50K,37, Local-gov,249392, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,110355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,117944, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,17, Private,163836, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,29, Private,145592, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,24, Private,108495, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, India +<=50K,27, Self-emp-not-inc,212041, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, Self-emp-inc,182451, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,124020, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,199116, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,17, ?,144114, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,107438, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1651,40, United-States +<=50K,70, Private,405362, 7th-8th,4, Widowed, Other-service, Unmarried, Black, Female,0,0,38, United-States +>50K,32, Private,175856, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,40, United-States +<=50K,21, ?,262241, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,420054, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,9562,0,50, United-States +<=50K,27, Private,86681, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,187161, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,44, State-gov,691903, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,36, Private,219483, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,199058, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,29, Private,192010, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, Poland +>50K,34, Federal-gov,419691, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,54, United-States +<=50K,28, Local-gov,356089, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,50, United-States +<=50K,34, Private,684015, 5th-6th,3, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, El-Salvador +<=50K,18, Private,36882, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,39, Private,203180, Some-college,10, Divorced, Farming-fishing, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,183811, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,103966, Masters,14, Divorced, Adm-clerical, Unmarried, White, Female,0,0,41, United-States +<=50K,24, Private,304602, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,57233, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,50, State-gov,289207, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,68, Private,224019, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,267966, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,214800, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,241528, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,197365, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,296724, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,17, United-States +<=50K,26, Private,136226, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,40623, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,264874, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,112847, HS-grad,9, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,18, ?,236090, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,89028, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,71, State-gov,210673, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,28, United-States +<=50K,55, Private,60193, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,216137, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,36, Private,139743, Some-college,10, Widowed, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, ?,32276, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Local-gov,423605, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,40, Nicaragua +<=50K,27, Private,298871, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,42, Private,318255, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,347867, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,1719,40, United-States +>50K,57, Private,279636, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,405386, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,28, United-States +<=50K,31, Private,297188, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,182342, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,229148, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,60, Jamaica +<=50K,30, Private,189620, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,6849,0,40, England +<=50K,17, Private,413557, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,32, United-States +<=50K,26, Self-emp-inc,246025, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,20, Honduras +<=50K,32, Private,390997, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,50, Mexico +<=50K,55, Private,102058, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,247298, 12th,8, Married-spouse-absent, Other-service, Own-child, Other, Female,0,0,20, United-States +<=50K,28, Private,140108, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,55, ?,216941, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,2885,0,40, United-States +>50K,49, Private,81654, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,177526, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,64631, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,110028, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,203761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,163870, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,59, Federal-gov,117299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,20, Private,50648, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,166517, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,28, ?,173800, Bachelors,13, Married-spouse-absent, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,10, Taiwan +<=50K,44, Self-emp-inc,181762, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,340880, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,50, Self-emp-not-inc,114758, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,4416,0,45, United-States +>50K,54, Private,138847, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,215014, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,183778, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,273629, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Self-emp-inc,113870, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,213955, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,2001,40, United-States +>50K,29, Private,114982, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,205338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,57924, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,50, United-States +<=50K,90, ?,225063, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,10, South +>50K,35, Self-emp-not-inc,202027, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,20, Private,281356, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, United-States +<=50K,42, Private,30824, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,2354,0,16, United-States +<=50K,56, Private,98809, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,5013,0,45, United-States +<=50K,31, Private,38223, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,172232, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,60, Private,140544, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,221366, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,180799, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,36, Private,111499, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,14084,0,40, United-States +<=50K,44, Self-emp-not-inc,155930, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Private,201122, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,101709, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,140121, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,48, Private,172709, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,47, Private,120131, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,34, Private,117444, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,27, Private,256764, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,176185, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064,0,40, ? +<=50K,24, Private,223811, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,201603, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, Private,138765, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,133974, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,137953, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,103403, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,24, Private,461678, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, State-gov,70884, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,56, State-gov,466498, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,19, Private,148644, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,190739, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,32, United-States +<=50K,34, Private,299507, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,211424, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,27, State-gov,106721, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,192017, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Private,530099, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,55, United-States +<=50K,34, Private,119153, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,30, Private,202450, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,21, Private,50341, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,24, Private,140001, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Italy +<=50K,19, ?,220517, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,82, ?,52921, Some-college,10, Widowed, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,3, United-States +>50K,35, Private,31964, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,148207, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,151627, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Private,402539, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,188278, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,28, Self-emp-not-inc,96219, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,5, United-States +<=50K,29, Private,340534, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +<=50K,60, Private,160339, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +<=50K,28, Private,120135, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Federal-gov,303817, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,181091, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,28, Private,200515, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,160893, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,23, United-States +>50K,40, Local-gov,183096, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Yugoslavia +<=50K,24, Private,241367, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Self-emp-inc,342084, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,193855, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,80410, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,554317, 9th,5, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,35, Mexico +<=50K,46, Private,85109, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1628,40, United-States +<=50K,28, Private,108569, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,34, Private,120959, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,222011, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,43, United-States +<=50K,43, Private,238530, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,48404, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,60, Private,88055, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781,0,16, United-States +>50K,33, Private,238381, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,8614,0,40, United-States +<=50K,22, Private,243923, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,80, United-States +<=50K,39, Private,305597, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,141841, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,5178,0,40, United-States +<=50K,39, Private,129764, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,150993, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,63, Self-emp-not-inc,147140, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,46, State-gov,30219, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,38, United-States +<=50K,48, Private,167967, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,133278, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,65, Private,172510, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,1848,0,20, Hungary +>50K,39, Private,192251, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,43, Private,210844, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Private,263015, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,155118, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,35, United-States +<=50K,24, State-gov,232918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,48, Private,143542, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,45607, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,29828, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,104118, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Private,191446, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +>50K,50, Private,27484, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,205987, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, Cuba +<=50K,39, Local-gov,143385, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,200508, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,186995, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,54159, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,39, Private,113481, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,30, Local-gov,235271, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,349365, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,65, United-States +<=50K,18, Private,283637, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,70282, Assoc-acdm,12, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,166051, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,193720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,35, ?,124836, Some-college,10, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,36, United-States +<=50K,33, Private,236379, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,46, Private,122026, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,40, Private,114537, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,191834, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,420054, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,160045, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,34, Private,303187, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,45, Private,190088, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,53, Private,126977, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,52, Self-emp-not-inc,63004, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,64, Private,391121, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,42, Private,211450, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Private,156413, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,44, United-States +>50K,41, Private,116797, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +>50K,53, Local-gov,204447, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,25, Private,66935, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, Private,344278, 11th,7, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,108574, Assoc-voc,11, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,244605, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,363677, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,30, United-States +<=50K,56, Private,219762, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +>50K,38, Self-emp-inc,269318, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,62, Private,77884, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,28, Self-emp-not-inc,70100, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,213643, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3908,0,40, United-States +<=50K,24, Private,69640, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,170012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,34, United-States +<=50K,40, Private,329924, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,30, United-States +<=50K,31, Private,193285, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,261241, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1741,60, United-States +>50K,42, Federal-gov,108183, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,40, South +<=50K,20, Private,296618, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Local-gov,257796, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,155320, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,22, Private,151888, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,65, ?,143118, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,2206,10, United-States +<=50K,31, Private,66278, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,3908,0,40, United-States +>50K,56, Private,92444, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,51, Private,229272, HS-grad,9, Divorced, Other-service, Other-relative, Black, Male,0,0,32, Haiti +<=50K,36, Self-emp-not-inc,207202, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,44, State-gov,154176, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,1590,40, United-States +>50K,49, Private,180899, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,1755,45, United-States +<=50K,28, Private,205337, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,180779, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,33, Self-emp-not-inc,343021, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +>50K,49, Private,176814, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +>50K,74, State-gov,88638, Doctorate,16, Never-married, Prof-specialty, Other-relative, White, Female,0,3683,20, United-States +<=50K,48, Private,248059, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,45, United-States +>50K,38, Private,409604, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,39, Private,185053, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,332884, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,65, United-States +>50K,56, Private,212864, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,27, Private,66473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,285169, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,175431, 9th,5, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, ?,152641, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,339346, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,39, Private,287306, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,70604, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3464,0,40, United-States +<=50K,21, Private,88926, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,36, Private,91275, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,56, Private,244554, 10th,6, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,232586, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,127678, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,44, Private,162184, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,408229, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,45, El-Salvador +>50K,43, State-gov,139734, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,62, Private,197286, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, Germany +>50K,52, Private,229983, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,30, United-States +<=50K,25, Private,252803, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,63, Self-emp-inc,110890, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,51, Private,160724, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,99, South +<=50K,25, Private,89625, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,62, ?,266037, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126730, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Federal-gov,96854, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, Private,186788, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,28996, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,347166, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, State-gov,110311, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,310850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,220694, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,61, Private,149405, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,70, Self-emp-inc,131699, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,55, Private,49996, 11th,7, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,187112, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,180859, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, United-States +<=50K,29, Private,185647, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,60, United-States +<=50K,30, Private,316606, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,274657, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,39, Federal-gov,193583, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,60, United-States +<=50K,18, Private,338836, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,216814, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,106935, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,223433, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,174789, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Private,135603, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,344719, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,38, Private,372484, 11th,7, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,181820, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +<=50K,40, Private,235371, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,216711, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, ? +<=50K,20, Private,299399, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,202508, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,44, Private,172025, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,49, Self-emp-inc,246891, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,450920, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Private,53598, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,103757, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,76017, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,28, Self-emp-inc,80158, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,37, Federal-gov,90881, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,8614,0,55, United-States +<=50K,44, Private,427952, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,230955, 12th,8, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +>50K,53, Private,177916, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,36, Private,342642, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,15, United-States +<=50K,77, Private,253642, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,30, United-States +<=50K,21, Private,219086, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,162593, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Private,87561, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,142411, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,22, Private,154422, Some-college,10, Divorced, Sales, Own-child, Asian-Pac-Islander, Female,0,0,30, Philippines +<=50K,23, Private,169104, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,25, United-States +>50K,47, Private,193047, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,17, Private,151141, 12th,8, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,48, Private,267912, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,50, Mexico +>50K,43, Private,137126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,152453, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +<=50K,19, Private,357059, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,42, State-gov,202011, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,98283, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,176965, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,187919, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,65, Private,274916, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,105813, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +>50K,41, Local-gov,193524, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,152734, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, ? +<=50K,21, Private,263641, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,48, Local-gov,102076, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,51, State-gov,155594, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,43, Private,33331, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,22, State-gov,156773, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, ? +<=50K,56, Self-emp-not-inc,115439, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,181652, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,120268, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,39, Private,196308, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,24, United-States +<=50K,45, Self-emp-not-inc,40690, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,75, United-States +<=50K,49, Private,228583, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,40, Columbia +<=50K,23, Private,695136, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,69, Private,209236, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,36, United-States +>50K,41, Federal-gov,214838, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Self-emp-not-inc,188436, HS-grad,9, Separated, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,25, Private,177625, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,124591, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,230856, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,3325,0,50, United-States +>50K,50, Federal-gov,221532, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,232577, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,30, United-States +>50K,48, Private,168216, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,27, Private,214702, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,63, Private,237620, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,47, State-gov,54887, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,164526, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,14084,0,45, United-States +<=50K,28, Private,224506, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, ? +<=50K,58, Private,183870, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,208330, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, United-States +<=50K,67, Self-emp-inc,168370, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,320376, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,48, United-States +>50K,28, Private,192384, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,167350, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,103538, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,29, Private,58522, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,191342, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,25, Private,193820, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,258490, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,21, Private,56520, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,102476, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,311357, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,166497, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +>50K,50, Private,160724, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,29, Private,338270, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,282394, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,21, United-States +<=50K,32, Private,383269, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,119386, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +>50K,50, Private,196975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,334221, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,18, United-States +>50K,58, Private,27385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,29, State-gov,133846, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,361888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,230429, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,49, Private,328776, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,243829, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,39, Private,306646, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,50, United-States +>50K,50, Private,138179, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,30, Private,280069, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,55, Private,305759, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, ? +<=50K,64, Local-gov,164876, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,20, United-States +<=50K,29, Self-emp-inc,138597, Assoc-acdm,12, Never-married, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +>50K,40, Private,111483, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,144778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,171015, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,112494, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,408473, 12th,8, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, State-gov,27802, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,34, Private,236318, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,121836, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,38, United-States +<=50K,43, Self-emp-not-inc,315971, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,698418, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +<=50K,21, Private,329530, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,65, Private,194456, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +<=50K,20, Private,282579, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, State-gov,26401, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, State-gov,364958, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3464,0,40, United-States +<=50K,22, Private,83998, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,94364, Some-college,10, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,20, United-States +<=50K,44, Private,174189, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,44, Local-gov,101967, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,41, Private,146908, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,38, Private,126675, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,2205,40, United-States +<=50K,21, Private,31606, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, Germany +<=50K,24, Private,132327, Some-college,10, Married-spouse-absent, Sales, Unmarried, Other, Female,0,0,30, Ecuador +<=50K,24, Private,112459, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,28, Private,48894, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,181943, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,247685, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,24, Local-gov,195808, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,172052, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,35, South +<=50K,50, Local-gov,50178, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,55, United-States +<=50K,68, Private,351711, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,190305, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,464103, 1st-4th,2, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,18, ?,36348, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,48, United-States +<=50K,25, Private,120238, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Poland +<=50K,28, Private,354095, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Local-gov,308901, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,24, State-gov,208826, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, England +<=50K,20, Private,369677, 10th,6, Separated, Sales, Not-in-family, White, Female,0,0,36, United-States +>50K,45, Federal-gov,98524, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,239723, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, White, Female,1506,0,45, United-States +<=50K,57, Private,231232, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,236396, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,24, ?,119156, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,320451, Some-college,10, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Male,0,0,24, India +<=50K,41, Private,38397, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-inc,189183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,199281, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,52, Private,286342, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,38, United-States +>50K,50, Private,152810, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,176981, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,17, Private,117549, 10th,6, Never-married, Sales, Other-relative, Black, Female,0,0,12, United-States +<=50K,64, Private,254797, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Private,133336, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,182826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,136224, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,134475, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,1762,40, United-States +<=50K,48, Private,272778, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +>50K,44, Private,279183, Some-college,10, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,110243, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,202071, HS-grad,9, Widowed, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,197642, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,19, Private,125591, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,197462, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,238831, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,182177, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Yugoslavia +>50K,40, Local-gov,240504, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,125892, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +>50K,46, Private,154430, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,32, Private,207685, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,3908,0,40, United-States +<=50K,50, Private,222020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,243240, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,37, United-States +<=50K,26, Private,158734, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,257691, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,26, Private,144483, Assoc-voc,11, Divorced, Sales, Own-child, White, Female,594,0,35, United-States +<=50K,19, Private,209826, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,53, Private,30244, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,54, Private,133050, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,41, United-States +<=50K,29, Private,138332, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,6, United-States +<=50K,81, Private,201398, Masters,14, Widowed, Prof-specialty, Unmarried, White, Male,0,0,60, ? +>50K,37, Private,526968, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +>50K,40, Private,79036, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Private,240323, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,270544, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,44, State-gov,199551, 11th,7, Separated, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,36, Private,231052, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,35, United-States +>50K,69, State-gov,203072, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,126771, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,7, United-States +>50K,38, Private,31848, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,328981, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,52, Private,159670, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,450695, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,57, Private,182028, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,349620, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,161066, HS-grad,9, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,46, Private,213611, 7th-8th,4, Married-spouse-absent, Priv-house-serv, Unmarried, White, Female,0,1594,24, Guatemala +>50K,21, Private,548303, HS-grad,9, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0,0,40, Mexico +<=50K,29, Private,150861, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Japan +<=50K,33, ?,335625, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,133766, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,28, Private,200511, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,50103, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,37, ?,148266, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,6, Mexico +<=50K,49, Private,177211, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,132686, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,57, Federal-gov,21626, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,52900, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,150084, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,38, Private,248886, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,42, United-States +<=50K,51, Self-emp-not-inc,118259, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,60, United-States +<=50K,60, Private,145493, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,219546, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411,0,47, United-States +<=50K,44, Federal-gov,399155, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,227310, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,59, Private,333270, Masters,14, Married-civ-spouse, Craft-repair, Wife, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,50, Private,231495, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,133935, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,55237, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,18, Private,183034, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,35, United-States +<=50K,32, Private,245487, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,32, Private,185480, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,114251, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,181814, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Female,0,0,40, United-States +>50K,30, Private,340917, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,37, Private,241998, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +>50K,38, Self-emp-inc,125324, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,36, Private,34744, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,37, United-States +>50K,56, Private,131608, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Federal-gov,226916, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,124137, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,41, United-States +<=50K,17, Private,96282, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,14, United-States +>50K,46, Private,337050, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +<=50K,56, Private,229335, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, State-gov,199495, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,111675, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +<=50K,27, Private,139209, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,32372, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,33, Self-emp-not-inc,203784, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,62, United-States +>50K,33, Private,164190, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,38, Private,64875, Some-college,10, Never-married, Farming-fishing, Unmarried, White, Male,0,0,60, United-States +<=50K,51, Private,41806, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,208725, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,49, Local-gov,79019, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,16, United-States +<=50K,26, Private,136951, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Private,203554, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,252947, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,1719,32, United-States +<=50K,38, Private,170861, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,199590, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,41, Private,529216, Bachelors,13, Divorced, Tech-support, Unmarried, Black, Male,7430,0,45, ? +<=50K,33, Private,195576, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,60, United-States +<=50K,30, Private,182177, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Ireland +<=50K,25, State-gov,183678, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,50, Private,209320, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,206862, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +<=50K,37, Private,168941, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,59, Self-emp-not-inc,201263, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,55, United-States +<=50K,17, Private,75333, 10th,6, Never-married, Sales, Own-child, Black, Female,0,0,24, United-States +<=50K,65, ?,299494, 11th,7, Married-civ-spouse, ?, Husband, White, Male,1797,0,40, United-States +>50K,56, Self-emp-not-inc,163212, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,99999,0,40, United-States +<=50K,57, Private,139290, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,38, United-States +<=50K,33, Private,400416, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,41, Self-emp-not-inc,223763, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,77927, Bachelors,13, Widowed, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,50, Private,175804, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,91525, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,25, United-States +<=50K,19, Private,279968, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,77698, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,61, ?,198686, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,67, ?,190340, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,41, Private,113491, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,202878, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,108431, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,194490, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +>50K,37, Private,48093, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,90, United-States +<=50K,22, Private,136824, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,143280, 10th,6, Never-married, Priv-house-serv, Own-child, White, Female,0,0,24, United-States +<=50K,26, Private,150062, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Local-gov,298510, HS-grad,9, Divorced, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,177147, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,6849,0,65, United-States +<=50K,51, Private,115025, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,350440, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,60, Private,83850, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,62669, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,229773, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Local-gov,196234, HS-grad,9, Divorced, Craft-repair, Own-child, White, Female,0,0,40, Puerto-Rico +<=50K,69, ?,163595, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,44, Private,157249, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,1977,50, United-States +<=50K,65, Private,80174, HS-grad,9, Divorced, Exec-managerial, Other-relative, White, Female,1848,0,50, United-States +>50K,52, Self-emp-inc,49069, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,122952, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,35, United-States +<=50K,18, Private,123856, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,49, United-States +<=50K,24, Private,216181, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,180062, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,188535, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +>50K,67, Self-emp-not-inc,106143, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,64, Self-emp-not-inc,170421, Some-college,10, Widowed, Craft-repair, Not-in-family, White, Female,0,0,8, United-States +<=50K,25, Private,283087, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +>50K,34, Federal-gov,341051, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,34378, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,380674, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,52, United-States +<=50K,19, Private,304469, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, United-States +>50K,35, Private,99146, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,205109, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,99156, HS-grad,9, Separated, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,45, Private,97842, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,18, Private,100875, 11th,7, Never-married, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,51, Private,200576, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,63, United-States +<=50K,36, Private,355053, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,28, United-States +<=50K,18, Private,118376, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, ? +<=50K,37, Local-gov,117760, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,4650,0,40, United-States +>50K,37, Private,117567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,39, Federal-gov,189632, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,170108, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,46, State-gov,27243, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,33, Private,192663, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,526164, Bachelors,13, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,146579, HS-grad,9, Divorced, Sales, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Private,60288, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, State-gov,241951, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,213140, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,218124, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Self-emp-not-inc,279802, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,3, United-States +>50K,26, Private,153078, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,80, ? +<=50K,40, Private,167919, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,250832, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,193158, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,172032, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,39484, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,7298,0,42, United-States +>50K,45, Private,84298, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,43, Private,269015, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, Germany +<=50K,17, ?,262196, 10th,6, Never-married, ?, Own-child, White, Male,0,0,8, United-States +>50K,49, Federal-gov,125892, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,134890, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,60, Self-emp-not-inc,261119, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,119409, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Columbia +>50K,53, Self-emp-not-inc,118793, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,184207, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,191027, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,207782, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,48, Self-emp-not-inc,209146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,76, ?,79445, 10th,6, Married-civ-spouse, ?, Husband, White, Male,1173,0,40, United-States +<=50K,19, Private,187724, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,66777, Assoc-voc,11, Married-civ-spouse, Other-service, Other-relative, White, Female,3137,0,40, United-States +<=50K,58, Private,158002, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,305834, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,25, United-States +<=50K,37, ?,122265, HS-grad,9, Divorced, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,42, ? +<=50K,22, Private,211798, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,52, Self-emp-not-inc,123011, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,36302, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,176867, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,3781,0,40, United-States +<=50K,62, Private,169204, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,38232, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,64, State-gov,277657, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +<=50K,38, Private,32271, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,116825, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,80, United-States +<=50K,28, Self-emp-not-inc,226198, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,28145, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,52, United-States +<=50K,39, Private,140477, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,10, United-States +>50K,50, Private,165050, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,202937, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,316298, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,203070, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,49, United-States +<=50K,51, Self-emp-inc,103995, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,28, Private,176137, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,57, Self-emp-not-inc,103948, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,40, Local-gov,39581, Prof-school,15, Separated, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,506436, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, Peru +<=50K,32, Private,226975, Some-college,10, Never-married, Sales, Own-child, White, Male,0,1876,60, United-States +<=50K,49, State-gov,154493, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,44, United-States +<=50K,34, Self-emp-not-inc,137223, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,102323, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,257765, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,52, Private,42924, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,167599, 11th,7, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,25, United-States +<=50K,84, ?,368925, 5th-6th,3, Widowed, ?, Not-in-family, White, Male,0,0,15, United-States +>50K,79, ?,100881, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,2, United-States +<=50K,35, Private,52738, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +<=50K,56, Private,98418, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,30, Private,381153, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,103700, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,298635, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,32, Private,127895, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,44, Self-emp-inc,212760, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,281384, HS-grad,9, Married-AF-spouse, Other-service, Other-relative, White, Female,0,0,10, United-States +<=50K,60, Private,181200, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,257364, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,50, Private,283281, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,58, Private,214502, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,41, Private,69333, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,28, Private,190060, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,95864, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,35, United-States +>50K,71, ?,144872, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,6514,0,40, United-States +<=50K,17, ?,275778, 9th,5, Never-married, ?, Own-child, White, Female,0,0,25, Mexico +<=50K,45, Private,27332, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,24395, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,25, Private,330695, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-not-inc,171615, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,116372, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,27, Private,38599, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Local-gov,202184, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,315303, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,25, United-States +<=50K,38, Private,103456, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,24, State-gov,163480, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,317425, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,7, United-States +<=50K,58, Private,216941, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,35, Private,116541, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,44, United-States +<=50K,43, Private,186396, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,273194, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137,0,35, United-States +<=50K,24, Private,385540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,63, Private,201631, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,439919, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,21, Private,182117, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,20, State-gov,334113, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,42, Private,184837, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,7298,0,40, United-States +>50K,49, ?,228372, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,47, Federal-gov,211123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-inc,38819, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,61, Private,162391, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1651,40, United-States +<=50K,23, ?,302836, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,40, El-Salvador +>50K,35, State-gov,89040, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,264210, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,20, United-States +<=50K,18, Private,87157, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,28, Self-emp-not-inc,398918, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, ?,123612, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,20, Private,155818, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,243660, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,134195, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,238638, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,159929, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,198668, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,215504, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,158002, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,55, Ecuador +<=50K,53, Local-gov,35305, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,57, United-States +<=50K,25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,44, State-gov,321824, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,22, Private,180449, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,28, United-States +<=50K,40, Private,201764, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,250038, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, ? +<=50K,30, Self-emp-not-inc,226535, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,51, Private,136121, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,17, Private,47199, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,24, United-States +>50K,46, Local-gov,215895, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,24647, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,734193, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, ?,321086, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,41, Federal-gov,192589, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,326283, Bachelors,13, Never-married, Other-service, Unmarried, Other, Male,0,0,40, United-States +<=50K,32, Private,207284, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,109089, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,50, Private,274528, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,77, Private,142646, 7th-8th,4, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,23, United-States +<=50K,33, Private,180859, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,188610, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,64, Private,169604, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,260560, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Local-gov,188245, HS-grad,9, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +>50K,67, Local-gov,103315, Masters,14, Never-married, Exec-managerial, Other-relative, White, Female,15831,0,72, United-States +<=50K,37, Local-gov,52465, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,737315, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,195143, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,29, United-States +<=50K,50, Self-emp-not-inc,219420, Doctorate,16, Divorced, Sales, Not-in-family, White, Male,0,0,64, United-States +>50K,60, Private,198170, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Local-gov,183168, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +>50K,44, Private,196545, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,43, Private,168412, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,44, Poland +>50K,48, Private,174386, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, El-Salvador +<=50K,36, Private,544686, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,2907,0,40, Nicaragua +<=50K,48, Private,95661, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,37, Private,468713, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,169112, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,52, Private,74024, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,110622, 5th-6th,3, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, Vietnam +>50K,43, Local-gov,33331, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,181557, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +>50K,66, Private,142624, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5556,0,40, Yugoslavia +<=50K,37, Self-emp-not-inc,192251, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,2635,0,40, United-States +<=50K,35, Private,146091, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Local-gov,174575, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,49, Private,200949, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,38, Peru +>50K,51, Local-gov,201560, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,71, Federal-gov,149386, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,9, United-States +>50K,50, Local-gov,168672, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,40, United-States +<=50K,63, Private,38352, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, State-gov,180272, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,24, State-gov,275421, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,41, Local-gov,173051, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,33, Local-gov,167474, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,267138, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,135138, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,218357, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,28, Self-emp-not-inc,107236, 12th,8, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,138416, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,56, Mexico +<=50K,28, Private,154863, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,35, United-States +<=50K,37, Private,194004, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,19, Private,339123, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,51, Local-gov,548361, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,26, United-States +<=50K,25, Private,101812, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,41, United-States +<=50K,49, Self-emp-inc,127111, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,171807, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,48, Local-gov,40666, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,340682, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,175052, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, ?,321629, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,16, United-States +<=50K,46, Private,154405, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,108402, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,346275, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +<=50K,44, Private,42476, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +<=50K,23, Private,161708, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,70447, Some-college,10, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Male,4650,0,20, United-States +<=50K,30, Private,189759, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,4865,0,40, United-States +<=50K,65, ?,137354, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,34, Private,250724, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, Jamaica +>50K,34, Federal-gov,149368, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,154641, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,38309, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407,0,40, United-States +>50K,53, Local-gov,202733, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,70, United-States +<=50K,34, Private,56150, 11th,7, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,260254, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,108083, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,54, Self-emp-not-inc,71344, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,174215, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,39, State-gov,114366, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Private,158962, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,179498, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Germany +<=50K,29, Private,31935, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,149909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,20, ?,58740, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,39, Private,216552, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,255348, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,176050, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,125101, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, ?,197286, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,337469, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,594,0,20, Mexico +<=50K,31, Private,159737, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,58, United-States +>50K,39, Private,316211, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,32, Private,127610, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,32, United-States +>50K,45, Local-gov,556652, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,265576, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,43, Private,347653, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,32, Private,62374, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,170230, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,203051, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,27, United-States +<=50K,66, Self-emp-inc,115880, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,167735, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,46, Self-emp-inc,181413, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,185554, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,350387, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,225102, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, ? +>50K,55, Private,105582, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3103,0,40, United-States +>50K,35, Self-emp-not-inc,350247, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,28, Private,150025, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, ? +>50K,37, Private,107737, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,63, ?,334741, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,43, Private,115562, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,30, Self-emp-not-inc,131584, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,36, Local-gov,95855, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +>50K,54, Private,391016, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Federal-gov,51089, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,78, Self-emp-inc,188044, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,40, United-States +>50K,77, Private,117898, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,70240, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,39, Self-emp-not-inc,187693, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,37, Private,341672, Bachelors,13, Separated, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,34, Private,208043, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,22, Local-gov,289982, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,54, Private,76344, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,200973, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,36, Private,111377, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,136684, HS-grad,9, Widowed, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +>50K,40, Private,176716, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,166894, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,243872, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,28, Private,155621, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Columbia +<=50K,46, Private,102597, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,60331, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,37, Private,75024, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, Canada +<=50K,69, Private,174474, 10th,6, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,28, Peru +>50K,43, Private,145441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,53, Private,83434, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,21, Japan +<=50K,20, Private,691830, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,22, Private,189203, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,115784, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,40, Federal-gov,280167, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,407338, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,39, Private,52978, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,1721,55, United-States +>50K,57, Private,169329, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,1887,40, Trinadad&Tobago +<=50K,23, Private,315065, 10th,6, Never-married, Other-service, Unmarried, White, Male,0,0,60, Mexico +>50K,25, Local-gov,167835, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +<=50K,22, Private,63105, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,520775, 12th,8, Never-married, Priv-house-serv, Own-child, White, Male,0,0,30, United-States +>50K,41, Local-gov,47902, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,145434, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,58, Private,56392, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,162312, HS-grad,9, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Japan +<=50K,28, Private,204074, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,99246, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,102085, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,68, Private,168794, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +>50K,33, State-gov,332379, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,233419, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,57233, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,38, Private,192337, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,31, Private,442429, HS-grad,9, Separated, Craft-repair, Unmarried, White, Female,0,0,40, Mexico +<=50K,29, Private,369114, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,261334, 9th,5, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,160303, HS-grad,9, Widowed, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,49, Private,50474, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,321577, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,41, Private,29591, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,334744, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Self-emp-not-inc,269474, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,287306, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,66, Private,33619, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,4, United-States +<=50K,38, Private,149347, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Private,96249, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,40, Local-gov,370502, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,32, Private,188246, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,167558, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,35, Mexico +<=50K,35, Private,292185, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,101593, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,33, Local-gov,70164, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,60, United-States +>50K,36, Private,269722, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,33, Self-emp-not-inc,175502, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,53, Private,233165, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,177351, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,212114, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,288959, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,36, United-States +<=50K,64, Private,231619, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,21, United-States +<=50K,48, Private,146919, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,23, Private,388811, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,243560, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,40, ? +<=50K,35, Self-emp-not-inc,98360, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Private,369538, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,31740, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,53, Private,223660, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Male,6849,0,40, United-States +<=50K,18, Private,333611, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,54, Mexico +>50K,34, Self-emp-not-inc,108247, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,28, Private,76129, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Guatemala +>50K,37, Private,91711, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,61, ?,166855, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,59, Private,182062, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +>50K,32, Private,252752, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,13550,0,60, United-States +<=50K,31, Private,43953, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,25, Local-gov,84224, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,81, Private,100675, 1st-4th,2, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, Poland +<=50K,47, Private,155509, HS-grad,9, Separated, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,39, Private,29814, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,241805, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,30, United-States +>50K,44, Private,214838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,240810, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,41, Private,154076, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,27, ?,175552, 5th-6th,3, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +>50K,55, Private,170287, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Poland +>50K,60, Private,145995, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,433669, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,36, ? +<=50K,23, Private,233626, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,19, Private,607799, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,60, United-States +>50K,45, Private,88500, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,36, Private,127809, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,46, Private,243743, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,177211, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,231180, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,253856, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,39, Private,177075, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,152855, HS-grad,9, Never-married, Exec-managerial, Own-child, Other, Female,0,0,40, Mexico +<=50K,37, Private,191137, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Male,0,0,25, United-States +>50K,49, Private,255559, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,169815, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,221215, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,35, Private,270059, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,54, ?,31588, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2635,0,40, United-States +<=50K,17, Private,345403, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,194897, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,33, Private,388741, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Female,0,0,38, United-States +<=50K,33, Private,355856, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,51, Private,122109, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,49, Private,75673, HS-grad,9, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,49, Self-emp-inc,141058, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,2339,50, United-States +>50K,41, Private,47902, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,64, Private,221343, 1st-4th,2, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,12, United-States +>50K,40, Private,255675, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,203505, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,125106, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,139890, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,76878, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,47, Self-emp-not-inc,28035, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,86, United-States +<=50K,30, Private,43953, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,1974,40, United-States +>50K,36, Private,163237, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,55890, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,255934, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,61, Private,168654, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +<=50K,47, Self-emp-not-inc,39986, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Private,208451, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,206681, 12th,8, Never-married, Sales, Not-in-family, White, Female,0,0,55, United-States +>50K,33, Private,117779, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,46, United-States +>50K,36, Self-emp-not-inc,129150, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,38, ?,177273, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,35, United-States +>50K,34, Local-gov,226443, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,146326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,187901, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,23, United-States +>50K,26, Private,97153, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +>50K,49, Private,188694, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,71, Private,187493, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,212468, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,84726, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,137907, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,51, Private,34361, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,38, Private,254114, Some-college,10, Married-spouse-absent, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,38, Private,170174, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,190895, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,24, Local-gov,317443, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,40, Private,375603, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +<=50K,21, Private,203076, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,49, Private,53893, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,171748, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,24, United-States +>50K,54, Private,167770, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +<=50K,52, Private,204584, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,42, United-States +<=50K,27, Private,660870, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,20, Private,105686, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, ?,70282, Masters,14, Married-civ-spouse, ?, Wife, Black, Female,15024,0,2, United-States +<=50K,31, Private,148607, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,255849, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Federal-gov,255921, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, England +<=50K,33, Private,113326, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,440456, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,105493, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,259757, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,653,50, United-States +<=50K,37, Local-gov,89491, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,171818, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,51151, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,188957, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,97933, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,195447, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,63, ?,46907, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,54, Self-emp-inc,383365, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,32, Self-emp-not-inc,203408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,29, Local-gov,148182, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,26, Local-gov,211497, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,48063, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,57, Private,211804, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +<=50K,54, Private,185407, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,225927, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,314525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,208577, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,222884, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,31, Private,209538, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,177114, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,50, Private,173754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,121370, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,37, Private,67125, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,26, Private,67240, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,198346, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,141003, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,24, Self-emp-inc,60668, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,104256, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,34, United-States +>50K,47, Private,131002, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,155151, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,50, United-States +<=50K,26, Private,177720, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,20, Private,39615, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,203871, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,40, United-States +<=50K,57, State-gov,25045, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,2174,0,37, United-States +<=50K,36, Private,112264, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,169100, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,155659, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Germany +<=50K,39, Private,291665, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4508,0,24, United-States +>50K,29, Private,224215, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,270502, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,125487, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,61, Private,51385, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,112763, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,108926, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Private,366957, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,99999,0,50, India +<=50K,36, Local-gov,109766, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,226106, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,75, Self-emp-not-inc,92792, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,26, Private,186950, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,44, Private,230478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,231638, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,120461, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,33673, 12th,8, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,34, Private,191385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, Self-emp-not-inc,229946, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Columbia +<=50K,47, Self-emp-not-inc,160131, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,190895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,18, Private,126021, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,20, United-States +<=50K,47, Private,27815, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,1719,30, United-States +<=50K,42, Private,203542, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,144592, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,223004, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,75, United-States +<=50K,22, Private,183257, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,32, Private,172714, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,131611, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,48, United-States +<=50K,41, Private,253060, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Private,471990, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,46, United-States +<=50K,44, Private,138966, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,35, Private,385412, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, ?,184101, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,60, Private,103344, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,36, Local-gov,135786, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,227359, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,40, State-gov,86912, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,83033, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,2176,0,20, United-States +<=50K,25, Private,172581, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, State-gov,274111, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,1669,40, United-States +>50K,42, Private,187795, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,26, Private,483822, 7th-8th,4, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, Guatemala +>50K,66, Self-emp-inc,220543, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,152953, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, Dominican-Republic +<=50K,35, Private,239755, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +>50K,41, Private,177905, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,200136, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,55, Self-emp-not-inc,111625, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,336513, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,60, United-States +<=50K,45, Private,162915, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,116662, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,24763, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,65, Private,225580, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Private,169104, Assoc-acdm,12, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,43, Private,212894, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,93997, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,22, Private,189924, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,274424, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,188246, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,284211, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,21, Private,198259, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,31, Private,368517, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,34, Private,168768, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Federal-gov,122220, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +>50K,32, Private,136204, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,0,2824,55, United-States +>50K,44, Private,175641, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,173324, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,75, Local-gov,31195, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,55, Federal-gov,88876, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,43, Self-emp-not-inc,176069, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,16, United-States +<=50K,31, Private,215297, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,198425, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Local-gov,180957, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,206129, Assoc-voc,11, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Federal-gov,65950, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,197618, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,185357, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Private,134890, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,64, ?,193043, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,153633, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, Private,115890, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,34, Private,394447, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,2463,0,50, France +<=50K,58, Private,343957, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,63, ?,247986, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,50, Private,238959, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, ? +<=50K,59, Private,159048, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,423222, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,30, Private,89735, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,31778, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, ?,157327, 5th-6th,3, Married-civ-spouse, ?, Husband, Black, Male,0,0,8, United-States +>50K,47, Private,233511, Masters,14, Divorced, Sales, Not-in-family, White, Male,27828,0,60, United-States +>50K,30, Private,327112, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,1564,40, United-States +<=50K,34, Private,236543, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,51, State-gov,194475, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,303510, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Private,171242, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,39388, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,62, Local-gov,197218, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,18, United-States +<=50K,22, State-gov,151991, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,20, United-States +>50K,38, Private,374524, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,267352, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +>50K,45, Local-gov,364563, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,186035, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,47541, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,49, Private,151107, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,500509, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,47, Private,138107, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,2258,40, United-States +<=50K,20, Federal-gov,225515, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +>50K,27, Private,153291, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,40, Private,169885, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,112780, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,31, Local-gov,175778, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,55213, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1977,52, United-States +>50K,48, Private,38950, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,64, Self-emp-not-inc,65991, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,45, United-States +<=50K,39, Private,174330, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Private,35224, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,175622, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,164678, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,50, ?,87263, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +>50K,54, Private,163671, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,65, United-States +<=50K,17, Self-emp-not-inc,181317, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +<=50K,33, Federal-gov,177945, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,47168, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,190023, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,168782, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,59, Private,175290, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,32, United-States +<=50K,74, Private,145463, 1st-4th,2, Widowed, Priv-house-serv, Not-in-family, Black, Female,0,0,15, United-States +>50K,54, Private,159755, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,113364, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,487742, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,304710, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +>50K,54, Local-gov,185846, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,42, Private,212894, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407,0,40, United-States +<=50K,57, Self-emp-not-inc,315460, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,49, Private,135643, HS-grad,9, Widowed, Craft-repair, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +>50K,40, Private,220977, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103,0,40, India +<=50K,19, ?,117444, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,38, Private,202683, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,164866, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +>50K,43, Private,191814, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,32, ?,227160, Some-college,10, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,158077, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,38, Private,191103, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, United-States +<=50K,25, Private,193701, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,40, Private,143046, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,34, Private,206297, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,35, Self-emp-not-inc,188563, HS-grad,9, Divorced, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,53, Private,35102, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,34, United-States +<=50K,21, Private,203055, Some-college,10, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Private,309932, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,243432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,177107, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,64, Self-emp-not-inc,113929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,19, ?,291509, 12th,8, Never-married, ?, Own-child, White, Male,0,0,28, United-States +<=50K,40, Private,222011, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,3325,0,40, United-States +<=50K,34, Private,186824, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,70, United-States +<=50K,46, Private,192768, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,234962, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,32, Private,83253, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,248990, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,346159, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,272656, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,60552, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,29, State-gov,33798, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,38, Self-emp-not-inc,112158, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,55, Private,200992, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,26, Private,98155, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,79586, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Male,0,0,60, United-States +<=50K,25, State-gov,143062, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,101146, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,18, ?,284450, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,58, State-gov,159021, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,353270, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,162312, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,45, South +>50K,49, State-gov,231961, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,38, Private,181943, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,21, Private,163595, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,28, Private,130856, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,208875, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, El-Salvador +<=50K,29, Self-emp-not-inc,58744, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +<=50K,48, Private,116641, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,40, Private,69333, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,36, Private,320811, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,197886, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,57, Self-emp-not-inc,253914, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, Mexico +<=50K,24, Private,89154, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,32, Private,372317, 9th,5, Separated, Other-service, Unmarried, White, Female,0,0,23, Mexico +<=50K,18, Self-emp-not-inc,296090, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,48, ? +<=50K,39, Private,192614, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,56, United-States +<=50K,39, Private,403489, 11th,7, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,169652, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,20, Private,217467, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, ?,162104, 9th,5, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,54, Private,175912, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,179533, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,75, United-States +<=50K,27, Private,149624, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +<=50K,27, Private,289147, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,347720, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,406978, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,17, Private,193199, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,12, Poland +>50K,37, Self-emp-inc,163998, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,173115, 10th,6, Separated, Exec-managerial, Not-in-family, Black, Male,4416,0,99, United-States +<=50K,33, Private,333701, Assoc-voc,11, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,21, State-gov,48121, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,1602,10, United-States +<=50K,45, Private,186256, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,104525, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,104097, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,60, United-States +<=50K,71, Private,212806, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,23, Local-gov,203353, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,45, United-States +>50K,41, Private,130126, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,21, ?,270043, 10th,6, Never-married, ?, Unmarried, White, Female,0,0,30, United-States +<=50K,47, Private,218435, HS-grad,9, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,20, Cuba +<=50K,30, Private,154120, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,40, Private,193537, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Dominican-Republic +<=50K,44, Private,84535, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +>50K,50, Private,150999, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,31, State-gov,157673, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,217424, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,24, United-States +<=50K,45, Private,358886, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,2407,0,50, United-States +<=50K,38, Private,186191, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,78, Self-emp-inc,212660, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,31, Self-emp-inc,31740, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,498785, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,35945, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,45, United-States +<=50K,46, Local-gov,162566, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, Canada +>50K,30, Private,118861, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,34, Private,206609, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,35, United-States +<=50K,30, Federal-gov,423064, HS-grad,9, Separated, Adm-clerical, Other-relative, Black, Male,0,0,35, United-States +>50K,47, Private,191957, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,40, Private,223934, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,17, United-States +<=50K,62, ?,129246, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,195486, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,70, Jamaica +<=50K,40, Private,114580, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Female,0,0,40, Vietnam +<=50K,20, Private,119215, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,240554, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,199067, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,42, United-States +<=50K,51, Private,144084, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,358682, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,59612, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,49, State-gov,391585, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,30, Local-gov,101345, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,26, United-States +<=50K,20, Private,117618, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,231238, 9th,5, Separated, Farming-fishing, Unmarried, Black, Male,0,0,40, United-States +<=50K,42, Local-gov,143046, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +>50K,46, Private,326857, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,2415,65, United-States +>50K,43, Private,203642, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,88579, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,240517, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,70, United-States +<=50K,58, Local-gov,156649, 1st-4th,2, Widowed, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,30, Private,143392, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,365465, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,70, Philippines +<=50K,22, State-gov,264710, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,64, State-gov,223830, 9th,5, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,42, Private,154374, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,43, State-gov,242521, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,124569, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,209230, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,21, Private,162228, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,45, Federal-gov,60267, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-not-inc,76901, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,137876, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,70, Self-emp-not-inc,347910, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,27, Local-gov,138917, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,34, Private,532379, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,31532, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,30973, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Private,117295, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,295282, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,42, Private,190786, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,246207, Bachelors,13, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,50, Private,130780, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,186212, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,175526, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,207025, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,6849,0,38, United-States +<=50K,39, Federal-gov,82622, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Private,199688, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, ? +<=50K,38, State-gov,318886, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,52, United-States +<=50K,18, Private,256005, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,217715, 5th-6th,3, Never-married, Sales, Not-in-family, White, Female,0,0,3, United-States +>50K,50, Private,205803, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,82, Self-emp-not-inc,240491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +<=50K,33, Private,154120, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +<=50K,37, Private,69251, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,24, Private,333505, HS-grad,9, Married-spouse-absent, Transport-moving, Own-child, White, Male,0,0,40, Peru +<=50K,31, Private,168521, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,59, Private,193568, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,426895, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,47, Self-emp-not-inc,131826, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,79646, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,167031, Bachelors,13, Never-married, Prof-specialty, Unmarried, Other, Female,0,0,33, United-States +<=50K,34, Private,73199, 11th,7, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,50, Private,114056, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,84, United-States +<=50K,57, Self-emp-not-inc,110417, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,60, Private,33266, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Private,154410, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,56, ?,154537, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,18, Private,27780, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,26, Private,142914, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,75, United-States +>50K,37, Private,190987, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,7298,0,40, United-States +<=50K,20, Private,314422, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,29, Local-gov,273771, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,175083, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,52, United-States +<=50K,21, Private,63665, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,24, Local-gov,193416, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,74275, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,122609, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,225456, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,36, Local-gov,116892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,196971, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,72, United-States +<=50K,20, Private,105312, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,46, Private,108699, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,44, Private,171615, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,388023, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,39, Private,181553, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +>50K,45, Private,170850, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +<=50K,28, Private,187479, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,277720, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,48, Local-gov,493862, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,7298,0,38, United-States +<=50K,27, Private,220754, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,34, Self-emp-not-inc,209768, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,93225, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Federal-gov,341709, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,236242, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,21, Private,121889, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,18, Private,318190, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,63, Self-emp-not-inc,111306, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Female,0,0,10, United-States +<=50K,18, Private,198614, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,8, United-States +<=50K,32, Private,193231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,104614, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,172368, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,60331, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,154568, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,36, Private,192939, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,43, Private,138184, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,1762,35, United-States +>50K,45, Private,238567, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, England +<=50K,30, Private,208068, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,46, Private,181810, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,4064,0,40, United-States +<=50K,24, Federal-gov,283918, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,25, United-States +>50K,42, Private,107276, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,2444,40, United-States +<=50K,23, Private,37783, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,263552, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,255439, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-inc,344275, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,31, Private,70568, 1st-4th,2, Never-married, Other-service, Other-relative, White, Female,0,0,25, El-Salvador +<=50K,18, Private,127827, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,36, Private,185203, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,123436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,51, Self-emp-not-inc,136322, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1579,40, United-States +<=50K,22, Private,187052, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,72, Private,177769, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,61, Private,68268, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,424855, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3908,0,40, United-States +<=50K,37, Federal-gov,81853, HS-grad,9, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, ? +>50K,30, Self-emp-inc,153549, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,271393, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,198148, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,469602, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,36, Private,163290, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,295949, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,125279, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,64, Local-gov,182866, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,61, Self-emp-not-inc,111563, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,38, Private,34173, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,45, United-States +>50K,27, Private,183627, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,24, Private,197757, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,39, Private,98941, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,205474, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,206659, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,73, ?,191394, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,244661, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,53, Private,47396, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,43, State-gov,270721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,57, State-gov,32694, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,171256, Assoc-acdm,12, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,45, United-States +<=50K,59, Private,169982, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,50, United-States +<=50K,52, Self-emp-not-inc,217210, HS-grad,9, Widowed, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,46, Private,218329, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,386643, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,37, Federal-gov,125933, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,155767, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,39, Federal-gov,432555, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1628,40, United-States +<=50K,30, Private,54929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,59, Private,162136, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,56, United-States +<=50K,22, Private,256504, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,162098, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,39, Self-emp-not-inc,103110, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,227610, 10th,6, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,58, United-States +>50K,63, Private,176696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,220019, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,242984, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,187847, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,132636, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,108887, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,42, Self-emp-not-inc,195897, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,112181, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,12, United-States +<=50K,56, Local-gov,391926, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,195505, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,5, United-States +>50K,31, Private,43819, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,43, United-States +<=50K,23, Private,145389, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,33, ?,186824, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,36, Local-gov,101833, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,82283, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,52, Private,99602, HS-grad,9, Separated, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Private,213276, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,424468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,30, Private,176123, 10th,6, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,32, Private,38797, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,101859, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Private,87158, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,205066, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,26, Private,56929, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,50, ? +<=50K,34, Private,25322, Bachelors,13, Married-spouse-absent, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,2339,40, ? +<=50K,31, Private,87950, Assoc-voc,11, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,34, Private,150154, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,58, Private,142076, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,4787,0,39, United-States +<=50K,30, State-gov,112139, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,149217, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,27, Private,189974, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,109199, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,190290, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,36, Private,189404, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,35, United-States +<=50K,33, Federal-gov,428271, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,22, State-gov,134192, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,47, Private,168211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,34, Private,277314, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Black, Male,0,1902,50, United-States +>50K,44, Federal-gov,316120, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,107276, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,45, ?,112453, HS-grad,9, Separated, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,4, United-States +<=50K,24, Private,346909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, Mexico +<=50K,65, ?,105017, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,317360, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,23, Private,189017, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,54, Private,138179, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,299813, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,37, Dominican-Republic +<=50K,45, Private,265083, 5th-6th,3, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,35, Mexico +<=50K,50, Private,185846, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,184655, Assoc-acdm,12, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,24, Private,200295, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,117319, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,50, Private,63000, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,58, Self-emp-not-inc,106942, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,47, Private,52795, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +>50K,37, Private,51264, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, France +<=50K,37, Self-emp-not-inc,410919, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,22, Private,105592, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Self-emp-not-inc,183151, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +>50K,45, Private,209912, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,49, Self-emp-not-inc,275845, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,44, Local-gov,241851, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,4386,0,40, United-States +<=50K,72, Private,89299, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,63, Self-emp-not-inc,106648, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,12, United-States +<=50K,26, Private,58426, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,58, Self-emp-not-inc,121912, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,40, Private,170730, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,257555, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,51499, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,28, Private,195000, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,45, United-States +<=50K,57, Private,108741, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,37, Private,184964, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,156815, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,49325, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,121718, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Germany +<=50K,18, Private,172076, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,57, Self-emp-not-inc,327901, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Local-gov,215990, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +>50K,38, Private,210866, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,322873, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Private,265698, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,70, ?,26990, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,177896, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,189107, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,306830, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Nicaragua +<=50K,72, Federal-gov,39110, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, Canada +<=50K,33, Private,155475, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,135803, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,25, Philippines +>50K,48, Private,117849, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,64, Self-emp-not-inc,339321, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,19, Private,318822, 11th,7, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,174794, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,204277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,48, United-States +>50K,55, Private,182460, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,35, United-States +<=50K,24, Private,193920, Masters,14, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, ? +<=50K,42, Federal-gov,91468, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,106760, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, Canada +<=50K,34, Private,375680, Assoc-acdm,12, Never-married, Craft-repair, Own-child, Black, Female,0,0,40, United-States +<=50K,55, Self-emp-inc,222615, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,190968, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,76767, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,50, Self-emp-not-inc,203098, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,47, Local-gov,162187, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,25, Private,242729, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,253784, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,30, Private,206051, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,181553, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,73, Self-emp-inc,80986, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,200783, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,42596, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,464502, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Male,0,0,40, ? +>50K,66, Private,205724, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,22, Private,446140, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,69, Local-gov,32287, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +<=50K,23, Private,56774, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,308118, Bachelors,13, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, ? +<=50K,35, Private,176279, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,20, Private,103277, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,70, Self-emp-inc,225780, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,54, Private,154728, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +<=50K,34, Private,149943, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Japan +>50K,38, State-gov,22245, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,93056, 7th-8th,4, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,270522, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,26, United-States +<=50K,60, Self-emp-inc,123218, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,81, Self-emp-not-inc,123959, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,1668,3, Hungary +<=50K,32, Self-emp-not-inc,103642, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, Private,157747, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,46, Self-emp-not-inc,154083, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, State-gov,23037, Some-college,10, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,84, United-States +<=50K,23, ?,226891, HS-grad,9, Never-married, ?, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +<=50K,29, Private,50028, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,138251, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,369825, 7th-8th,4, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,36, Federal-gov,44364, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,36, United-States +<=50K,23, Private,230704, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,22, United-States +<=50K,35, Private,42044, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,28, Local-gov,56340, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,33, State-gov,156015, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,163434, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,85251, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,38, Self-emp-inc,187411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,155124, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +>50K,25, Private,396633, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,56, United-States +>50K,45, Private,182313, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,52596, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,66, ?,260111, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,65, Local-gov,143570, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,30, Private,160634, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,29909, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,43, United-States +<=50K,49, Private,94215, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,151990, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, United-States +>50K,48, Federal-gov,188081, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,218445, 5th-6th,3, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,12, Mexico +<=50K,77, Private,235775, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, Cuba +<=50K,19, Private,98605, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,30, Private,188398, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,41, Self-emp-inc,140365, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +>50K,35, Private,202950, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Iran +<=50K,20, Private,218215, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,66, Self-emp-inc,197816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,40, United-States +<=50K,49, Private,147002, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, Puerto-Rico +>50K,52, Private,138497, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,24, Private,57711, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,50, Private,169925, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,72310, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,19, Private,170800, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,215095, 11th,7, Never-married, Prof-specialty, Unmarried, White, Female,0,0,30, Puerto-Rico +<=50K,45, Private,480717, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,38, ? +<=50K,61, Local-gov,34632, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,45, Private,140664, Assoc-acdm,12, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,36, Local-gov,177858, Bachelors,13, Married-civ-spouse, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,160369, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,45, United-States +<=50K,38, Private,129102, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Local-gov,278522, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,29, Federal-gov,124953, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +<=50K,33, Private,63184, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,165815, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,248584, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +>50K,46, Local-gov,226871, Bachelors,13, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,50, United-States +>50K,44, Private,267717, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,19, Private,60367, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,13, United-States +>50K,44, Private,134120, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,95639, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,132053, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,2, United-States +<=50K,24, Private,138768, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,76, Private,203910, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,17, United-States +<=50K,20, Private,109952, HS-grad,9, Married-civ-spouse, Tech-support, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,155781, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,49398, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,159303, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,248339, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,190539, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,50, United-States +<=50K,30, Private,183620, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,48, Private,25468, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,99999,0,50, United-States +<=50K,42, Private,201495, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,52221, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,96460, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +>50K,42, Private,325353, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,42, United-States +<=50K,28, Self-emp-not-inc,176027, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,42, Local-gov,266135, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +>50K,60, State-gov,194252, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103,0,40, United-States +<=50K,76, ?,164835, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, Private,363192, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,31360, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,63503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,157614, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,38, United-States +>50K,45, Private,160647, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,4687,0,35, United-States +<=50K,38, Private,363395, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,338376, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,87523, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,280714, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,119565, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,171482, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +>50K,40, Self-emp-inc,49249, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,331552, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,45, Private,174426, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,184105, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,28, United-States +<=50K,29, Private,37933, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,291529, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,13, United-States +<=50K,23, Private,376416, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,263612, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, Haiti +<=50K,23, Private,227471, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,39, Private,191103, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,35644, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,227298, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, State-gov,187508, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,184378, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Puerto-Rico +<=50K,52, Self-emp-not-inc,190333, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +<=50K,48, Private,155372, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,36, United-States +<=50K,37, Private,259882, Assoc-voc,11, Never-married, Sales, Unmarried, Black, Female,0,0,6, United-States +<=50K,36, Private,217077, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,103596, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,188236, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,353010, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,10, United-States +<=50K,42, Local-gov,70655, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,64874, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,219240, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,22, United-States +<=50K,50, Self-emp-inc,104849, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +>50K,40, Private,173590, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,412316, HS-grad,9, Never-married, Sales, Other-relative, Black, Male,0,0,40, ? +<=50K,57, Self-emp-inc,195835, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,170579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,230545, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,71, Private,162297, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,47, Private,169549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,117528, Bachelors,13, Never-married, Other-service, Other-relative, White, Female,0,0,45, United-States +<=50K,25, Private,273876, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,33, Private,529104, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,40, State-gov,456110, 11th,7, Divorced, Transport-moving, Unmarried, White, Female,0,0,52, United-States +<=50K,39, ?,180868, 11th,7, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Private,170301, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,2829,0,40, United-States +<=50K,33, Private,55717, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,166181, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,36, United-States +>50K,24, Private,52242, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,224629, Masters,14, Never-married, Exec-managerial, Not-in-family, Other, Male,0,0,30, Cuba +<=50K,20, Private,197997, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,46144, Some-college,10, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,34, State-gov,180871, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,212311, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,232874, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,175999, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,177121, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,58, United-States +<=50K,57, Private,299358, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,1719,25, United-States +<=50K,20, ?,326624, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,56, Private,129836, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,10, United-States +<=50K,24, Private,225515, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,145664, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,37, Private,151764, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,27, Private,183523, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,257869, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,28, Columbia +<=50K,40, Private,73025, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, China +<=50K,18, Private,165532, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,51, Federal-gov,140035, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,325159, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,64, Federal-gov,161926, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,8, United-States +<=50K,24, Private,163665, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,2174,0,40, United-States +<=50K,33, Private,106938, HS-grad,9, Married-civ-spouse, Tech-support, Wife, Black, Female,0,0,38, United-States +<=50K,31, Private,97453, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,26, Local-gov,242464, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,3103,0,40, United-States +>50K,54, Private,155233, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,14084,0,40, United-States +<=50K,31, Private,248653, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,37, Mexico +<=50K,39, Private,59313, 12th,8, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,45, ? +<=50K,22, Private,141297, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,227325, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Private,123653, 5th-6th,3, Separated, Other-service, Not-in-family, White, Male,0,0,12, Italy +<=50K,59, Federal-gov,176317, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,37, United-States +<=50K,35, Self-emp-not-inc,77146, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,45, United-States +<=50K,25, Private,169124, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,179413, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,180137, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,17, State-gov,179319, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,45766, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Private,152810, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,59, Private,214052, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,201141, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +<=50K,74, Self-emp-not-inc,43599, HS-grad,9, Widowed, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,292536, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,82161, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,180656, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,20, Private,181370, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,80, Private,148623, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,84399, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,143331, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,37, Federal-gov,48779, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,175495, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,24, United-States +<=50K,58, Private,83542, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,214619, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,160035, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,39603, Some-college,10, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,36, Private,181589, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,32, Columbia +<=50K,33, Private,261511, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,29522, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,36340, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +>50K,41, Private,320984, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +>50K,57, ?,403625, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,23, Private,122346, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,105794, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,14084,0,50, United-States +<=50K,53, Private,152883, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,31, State-gov,123037, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,13, United-States +<=50K,41, ?,339682, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,182074, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,30, Private,248588, 12th,8, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,187584, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Canada +<=50K,36, Private,46706, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,190290, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,247294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Peru +<=50K,22, Private,117779, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,121602, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,451744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,107793, HS-grad,9, Divorced, Other-service, Own-child, White, Male,2174,0,40, United-States +<=50K,35, Private,339772, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,185582, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,43, United-States +<=50K,26, Private,260614, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,53220, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,43, Private,213844, HS-grad,9, Married-AF-spouse, Craft-repair, Wife, Black, Female,0,0,42, United-States +<=50K,33, Private,213226, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,58582, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,10, United-States +<=50K,52, Private,193116, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,38, Local-gov,201410, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,190525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,57, Self-emp-not-inc,138285, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Iran +>50K,51, Private,111939, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,109277, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,32, Private,331539, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, China +>50K,32, Private,396745, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,48, United-States +<=50K,37, Private,126675, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,349022, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,33, United-States +<=50K,33, ?,98145, Some-college,10, Divorced, ?, Unmarried, Amer-Indian-Eskimo, Male,0,0,30, United-States +>50K,37, Private,234901, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,36, Private,100681, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,2463,0,40, United-States +>50K,47, Self-emp-not-inc,265097, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,237379, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,44793, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,65, United-States +<=50K,17, Private,270942, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,35, Mexico +<=50K,56, Private,193622, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,90, Local-gov,187749, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,20, Philippines +<=50K,27, Private,160178, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,38, Private,680390, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,33, Private,96245, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,34803, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,170091, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,42, Private,231813, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,23789, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, State-gov,438711, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,66, Private,169804, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,66, Local-gov,376506, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,3273,0,40, United-States +<=50K,49, Private,28791, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,162814, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,45, United-States +>50K,38, Private,58108, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Self-emp-inc,102226, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,209131, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,46, Self-emp-not-inc,157117, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,172865, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,29798, 12th,8, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,71, ?,229424, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Local-gov,80680, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,1151,0,35, United-States +>50K,52, Local-gov,238959, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,32, United-States +<=50K,27, Private,189462, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,46, United-States +<=50K,52, Private,139347, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,188108, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,4101,0,40, United-States +>50K,37, Self-emp-inc,111128, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,81540, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,257562, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,59496, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,29974, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,102597, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,69, Private,41419, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,50, Private,118565, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,54, State-gov,312897, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, England +<=50K,17, Private,166290, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,34, Private,160261, HS-grad,9, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Male,14084,0,35, China +<=50K,32, Self-emp-not-inc,116834, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,5, ? +<=50K,23, Private,203076, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,66, Private,201197, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,61, Private,273803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,156797, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,283896, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,149368, HS-grad,9, Divorced, Sales, Unmarried, White, Male,1151,0,30, United-States +>50K,49, Private,156926, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, ?,163911, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,3, United-States +>50K,56, Self-emp-inc,165881, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,86872, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,167523, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,154950, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,171231, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,62, Private,244933, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,54, Private,256908, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, United-States +<=50K,34, Self-emp-not-inc,33442, Assoc-voc,11, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,126142, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,28, ?,268222, 11th,7, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,167106, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,22, Local-gov,50065, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,34, State-gov,252529, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +>50K,53, ?,199665, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,343579, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,190817, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,41, Self-emp-inc,151089, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,55, United-States +<=50K,46, Private,186820, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,5013,0,40, United-States +<=50K,56, Self-emp-not-inc,210731, 7th-8th,4, Divorced, Sales, Other-relative, White, Male,0,0,20, Mexico +<=50K,42, Private,123816, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,77071, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,2339,35, United-States +<=50K,42, Private,115085, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,43, Private,170525, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,14344,0,40, United-States +<=50K,17, Private,209949, 11th,7, Never-married, Sales, Own-child, White, Female,0,1602,12, United-States +>50K,57, Self-emp-not-inc,34297, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,180985, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Local-gov,33365, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, Canada +<=50K,20, Private,197752, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,16, United-States +<=50K,47, Private,180551, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,77975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, Private,159297, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,48, Private,94342, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,39, Self-emp-inc,34180, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,46, Local-gov,367251, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,72, Self-emp-inc,172407, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,53, Private,303462, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +>50K,47, Federal-gov,220269, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,45093, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, Canada +<=50K,34, Private,101709, HS-grad,9, Separated, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,41, Private,219591, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,76625, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,342599, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,42, Self-emp-inc,125846, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, ? +<=50K,54, Local-gov,238257, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Self-emp-inc,206253, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,172571, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,95165, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,141181, 5th-6th,3, Married-civ-spouse, Adm-clerical, Husband, White, Male,1797,0,40, United-States +<=50K,24, Private,267843, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,35, United-States +>50K,36, Private,181382, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,21, ?,207782, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,68, ?,103161, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,32, United-States +<=50K,20, Private,132320, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,201138, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,239058, 12th,8, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,50, United-States +>50K,39, Self-emp-inc,239755, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,21, Private,176262, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,22, Private,264738, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,42, Germany +<=50K,34, Private,182218, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,318982, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,216666, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +>50K,47, Private,274200, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,65, Private,150095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,192978, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,68021, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,34, Self-emp-not-inc,28568, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,115057, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,139568, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-inc,138497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,40, State-gov,182460, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,38, China +<=50K,22, Private,253310, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,7, United-States +<=50K,29, Self-emp-inc,130856, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,389765, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,42, Federal-gov,52781, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,38, Private,146178, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +>50K,22, Private,231053, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,21, ?,145964, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,483450, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +>50K,43, Self-emp-inc,198316, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,160614, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Self-emp-inc,325171, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +>50K,54, Self-emp-not-inc,172898, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,50, United-States +<=50K,45, Private,186473, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Local-gov,286967, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,51, Self-emp-not-inc,111939, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,65, Federal-gov,325089, 10th,6, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,143582, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,40, Private,308027, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,58, Private,105060, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,53, Federal-gov,39643, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,58, United-States +>50K,39, Private,186191, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,50, United-States +<=50K,56, Local-gov,267763, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,124293, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,36271, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,143459, 9th,5, Separated, Handlers-cleaners, Own-child, White, Male,0,0,38, United-States +>50K,36, Private,186376, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,59, Self-emp-inc,52822, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,104509, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,184456, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,26, Private,192302, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,22, Private,156822, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,1762,25, United-States +<=50K,25, Private,214413, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,108574, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,41, Private,223934, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,45, Private,200559, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,43, Private,137722, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,261677, 9th,5, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +<=50K,33, Private,136331, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,34, Private,329993, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,91819, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,31, Private,201122, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +<=50K,48, Private,315423, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,103277, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,47, Private,236805, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,60, United-States +<=50K,27, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,18, Private,115443, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +>50K,43, Private,150528, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,43701, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Federal-gov,419053, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,183594, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,390348, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,36989, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,3908,0,70, United-States +>50K,48, Private,247895, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,75, Private,191446, 1st-4th,2, Married-civ-spouse, Other-service, Other-relative, Black, Female,0,0,16, United-States +>50K,43, Self-emp-not-inc,33521, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,64, Private,46087, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,67, ?,129188, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,20051,0,5, United-States +<=50K,36, Private,356824, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,158746, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,153323, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,20, United-States +<=50K,73, Self-emp-not-inc,130391, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,36, United-States +<=50K,46, Private,173613, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,362883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,43, Private,182757, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,50397, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +<=50K,43, Federal-gov,101709, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,202570, 12th,8, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,48, ? +<=50K,40, Private,145649, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,25, United-States +>50K,36, Private,136343, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-inc,142166, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, ?,242001, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,127089, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,38, United-States +>50K,46, Local-gov,124071, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,65, United-States +<=50K,41, Local-gov,190368, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,29, ?,19793, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,8, United-States +<=50K,28, Private,67661, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,62278, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,30, Federal-gov,295010, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,60, United-States +<=50K,44, Private,203897, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, Cuba +>50K,27, Private,265314, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,159603, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,34, United-States +<=50K,29, Private,134331, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,123011, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,27, Private,274964, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,34, Private,66309, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,38, Private,73471, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, ?,26671, HS-grad,9, Never-married, ?, Other-relative, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,56, Private,357118, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,35, Self-emp-inc,184655, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,62, United-States +<=50K,23, ?,55492, Assoc-voc,11, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,30, United-States +<=50K,23, Private,175266, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,188008, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,42, Private,87284, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,35, United-States +>50K,46, Private,330087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,48, Self-emp-inc,56975, HS-grad,9, Divorced, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,84, ? +<=50K,27, Private,150025, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,22, ?,189203, Assoc-acdm,12, Never-married, ?, Other-relative, White, Male,0,0,15, United-States +>50K,49, Self-emp-inc,330874, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,136824, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,201179, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,324654, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, China +<=50K,25, Federal-gov,366207, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,103860, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,106700, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,27, United-States +<=50K,54, Local-gov,163557, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,39, Self-emp-inc,286261, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,123083, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,75, Self-emp-inc,125197, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,26, United-States +<=50K,28, Self-emp-not-inc,278073, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,30, United-States +<=50K,50, Private,133963, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,62, Self-emp-not-inc,71467, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,76487, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,215245, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,37, United-States +<=50K,24, Federal-gov,127185, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,179720, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +>50K,40, Private,88909, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,45, Private,341995, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,42, United-States +<=50K,48, Private,173938, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,344275, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,23, Private,150463, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Other, Female,0,0,40, Guatemala +>50K,43, Local-gov,209544, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,50, United-States +<=50K,42, Local-gov,201723, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,343476, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, Japan +<=50K,52, Self-emp-inc,77392, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,21, ?,171156, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,56, Self-emp-not-inc,357118, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,48, Federal-gov,167749, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,352882, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,70, South +<=50K,25, Private,51201, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,40, Private,365986, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,400416, 11th,7, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,45, United-States +<=50K,52, Private,31533, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,106900, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1902,42, United-States +<=50K,36, Local-gov,192337, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,118712, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,1504,40, United-States +<=50K,28, Private,301654, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,145162, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, ? +<=50K,20, Private,88126, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,9, England +>50K,68, Private,165017, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Italy +<=50K,35, Private,238342, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,857532, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +>50K,64, Private,134378, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,260797, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,23, United-States +<=50K,25, Private,138765, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,74, ?,256674, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,31, Private,247444, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Columbia +>50K,51, State-gov,454063, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,67, Private,180539, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,10, United-States +<=50K,42, Private,397346, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,29, Private,107160, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,262024, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,131230, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,67, Private,274451, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +>50K,41, State-gov,365986, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,204515, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,51, Private,99316, 12th,8, Divorced, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,21, ?,206681, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,268726, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,21, Private,275395, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,383322, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,126822, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,39, Self-emp-inc,168355, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,21, Private,162667, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Columbia +<=50K,43, Private,373403, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-not-inc,274562, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,14344,0,40, United-States +<=50K,28, Private,249362, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,31, Private,111567, 9th,5, Never-married, Sales, Not-in-family, White, Male,0,0,43, United-States +<=50K,18, ?,216508, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,27, Private,145784, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,34, State-gov,209317, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,259505, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,345360, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, England +>50K,43, Local-gov,198096, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,40, Self-emp-inc,33126, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,206354, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,25, Private,1484705, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,25, United-States +<=50K,21, Private,26410, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Self-emp-not-inc,220901, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,49, Self-emp-inc,44671, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,38620, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,36, Private,89040, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,47, United-States +<=50K,32, Private,370160, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,208946, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,32, United-States +<=50K,21, Private,131230, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,25, Private,60358, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,350853, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, ? +<=50K,24, Private,209782, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,351952, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,26, Private,142081, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Mexico +<=50K,22, Private,164775, 9th,5, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Guatemala +>50K,41, Local-gov,47858, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,404085, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,218678, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,184655, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,48, United-States +<=50K,36, Private,321760, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,45, Local-gov,185399, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,0,0,55, United-States +>50K,38, Local-gov,409200, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,38, Private,40077, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Self-emp-not-inc,31740, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Local-gov,233722, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,192039, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,222618, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,30, United-States +>50K,45, State-gov,213646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,31, Local-gov,194141, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,47, State-gov,80282, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,166350, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Federal-gov,60641, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,33, Private,124827, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,105438, HS-grad,9, Separated, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,85244, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,120535, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Local-gov,269604, 5th-6th,3, Never-married, Other-service, Unmarried, Other, Female,0,0,40, El-Salvador +<=50K,27, Private,247711, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,45, Private,380922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,281221, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,23, Private,269687, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,181758, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,61, Federal-gov,136787, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,107882, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,172579, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,29933, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,35, Federal-gov,38905, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,168826, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,424034, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Private,117509, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,196971, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,43, United-States +<=50K,64, Private,69525, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,20, United-States +<=50K,22, Private,374116, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,283913, 5th-6th,3, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,65, England +<=50K,36, State-gov,147258, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,139903, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,52, Private,112959, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,264148, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,256211, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,24, Vietnam +<=50K,29, Self-emp-not-inc,142519, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,281852, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,80, United-States +<=50K,38, Private,380543, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,50, Self-emp-not-inc,204402, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,50, Private,192203, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,199005, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,17, Self-emp-inc,61838, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,210095, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Female,0,0,40, Mexico +<=50K,19, Private,187352, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,32451, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Private,140569, Some-college,10, Separated, Sales, Not-in-family, White, Male,14084,0,60, United-States +<=50K,39, Private,87556, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,6849,0,40, United-States +<=50K,18, Private,79443, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,27, Private,212622, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,32650, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +>50K,44, Private,125461, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,219867, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Local-gov,206609, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,101299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,29437, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,65, Private,87164, 11th,7, Widowed, Sales, Other-relative, White, Female,0,0,20, United-States +>50K,57, Self-emp-inc,146103, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,169324, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,32, Haiti +<=50K,46, Private,138370, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,1651,40, China +<=50K,27, Private,29523, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,29, Local-gov,383745, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1485,40, United-States +<=50K,21, ?,247075, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,25, United-States +<=50K,20, ?,200967, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,51, ?,175985, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,189404, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,40, United-States +<=50K,29, Self-emp-not-inc,267661, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,30, Local-gov,182926, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,40, United-States +<=50K,65, Private,243858, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,20, ?,43587, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,47, Federal-gov,31339, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,204682, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,2174,0,40, Japan +<=50K,17, Private,73145, 9th,5, Never-married, Craft-repair, Own-child, White, Female,0,0,16, United-States +<=50K,38, Local-gov,218184, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +>50K,38, Local-gov,223237, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,93319, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,4, United-States +<=50K,24, ?,212300, HS-grad,9, Separated, ?, Not-in-family, White, Female,0,0,38, United-States +<=50K,52, Private,187356, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,41, United-States +>50K,46, Self-emp-not-inc,220832, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,58, United-States +<=50K,22, Private,211361, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,56, Private,134195, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Self-emp-not-inc,218249, 11th,7, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,30, United-States +>50K,59, Private,70720, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,19, Self-emp-not-inc,342384, 11th,7, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,2129,55, United-States +<=50K,31, Private,237317, 9th,5, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,45, United-States +<=50K,22, Private,359759, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,20, Philippines +>50K,48, Self-emp-not-inc,181758, Doctorate,16, Never-married, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,63, Self-emp-inc,267101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,33, Private,222221, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,53, Private,55139, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,10, United-States +>50K,38, Private,220237, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,39, Private,101073, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,59, Private,69884, Prof-school,15, Married-spouse-absent, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,45, Private,201127, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,164733, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,60, State-gov,129447, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,38, Private,32837, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,56, United-States +<=50K,31, Private,200117, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,219183, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,66, ?,188842, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,26, Private,272669, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,20, South +>50K,60, Self-emp-inc,336188, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,80, United-States +<=50K,68, ?,191288, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,176185, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Male,0,0,60, United-States +<=50K,25, Local-gov,197728, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, Local-gov,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,26, ?,133373, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,44, United-States +>50K,55, Private,197399, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,66, Private,86010, 10th,6, Widowed, Transport-moving, Not-in-family, White, Female,0,0,11, United-States +<=50K,31, Private,228873, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,187415, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,50, ? +>50K,58, Self-emp-inc,112945, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,27828,0,40, United-States +>50K,56, Private,98361, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,22, Private,129172, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,46, Local-gov,316205, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,226629, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,26, State-gov,180886, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,42, Self-emp-not-inc,69333, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,213620, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,197397, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Other, Female,0,0,6, Puerto-Rico +<=50K,19, Private,223648, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, ? +<=50K,27, Private,179915, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,99, United-States +>50K,51, Private,339905, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,42, Private,112956, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,421837, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, Mexico +>50K,38, Private,187999, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,77313, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,231948, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,64, United-States +<=50K,37, Private,37109, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,60, Philippines +>50K,29, Private,79387, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, ?,133963, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,177937, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,45, Poland +<=50K,80, Private,173488, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,61, Private,183355, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,147989, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,52, United-States +<=50K,20, Private,289944, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,62278, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,48, Federal-gov,110457, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,295763, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, United-States +<=50K,71, State-gov,100063, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,194962, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,6, United-States +<=50K,39, Federal-gov,227597, HS-grad,9, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,117606, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,67, Federal-gov,44774, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,177648, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,38, Private,172571, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,54, United-States +<=50K,38, ?,203482, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,153931, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,84774, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,157127, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,26, Private,170786, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,281030, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Private,203761, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,10520,0,40, United-States +<=50K,27, Private,167405, HS-grad,9, Married-spouse-absent, Farming-fishing, Own-child, White, Female,0,0,40, Mexico +>50K,40, Local-gov,188436, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,40, United-States +<=50K,43, Private,388849, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +>50K,31, State-gov,176998, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,57, Private,200316, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,160300, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,22, Private,236684, Assoc-voc,11, Never-married, Other-service, Own-child, Black, Female,0,0,36, United-States +<=50K,20, Local-gov,247794, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,267325, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,3464,0,40, United-States +<=50K,39, Private,279490, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Mexico +<=50K,27, State-gov,280618, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,248406, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,31, Local-gov,226494, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Private,220460, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,25, Private,108317, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,29, State-gov,147256, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Private,110371, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,62, Private,114060, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,91, United-States +<=50K,29, Federal-gov,31161, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Other, Female,0,0,40, United-States +>50K,44, Private,105862, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,70, United-States +<=50K,32, Private,402089, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,2, United-States +<=50K,19, ?,425447, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,137300, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,65, State-gov,326691, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,24, Private,275093, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,36, United-States +>50K,37, Self-emp-not-inc,112497, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, Local-gov,174491, HS-grad,9, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,114835, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, United-States +<=50K,28, Private,137898, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,33, Private,153151, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,4416,0,40, United-States +>50K,32, Private,134886, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,38, Private,193815, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,237833, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,101593, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,164924, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,174201, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,47, Local-gov,36169, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,144071, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Self-emp-not-inc,180859, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,8, United-States +<=50K,54, Private,221915, Some-college,10, Widowed, Craft-repair, Unmarried, White, Female,0,0,50, United-States +>50K,40, Private,26892, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,351084, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,97306, Bachelors,13, Divorced, Craft-repair, Unmarried, White, Female,0,0,25, United-States +>50K,30, Private,185027, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,182539, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,215395, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,37, United-States +>50K,37, Private,186434, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,41, ?,217921, 9th,5, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,52, Local-gov,346668, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,57, Self-emp-inc,412952, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,167009, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +>50K,58, Private,316000, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,216256, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,341835, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,169841, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,26, Self-emp-not-inc,200681, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,46, Self-emp-not-inc,456956, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,26, Federal-gov,276075, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,50, Federal-gov,96657, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,22, Private,374313, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,110998, Masters,14, Widowed, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +>50K,30, Private,53285, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +>50K,58, Private,104613, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, ?,303317, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,72, Private,298070, Assoc-voc,11, Separated, Other-service, Unmarried, White, Female,6723,0,25, United-States +<=50K,19, Private,318822, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,375078, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Mexico +<=50K,20, ?,232799, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +<=50K,30, Private,210851, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,213745, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,51, Private,204447, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,318934, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,237386, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,44, Private,182629, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,24, Iran +>50K,43, Private,144778, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,117166, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,51, Private,237630, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,50, United-States +>50K,41, Private,171550, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,165302, Some-college,10, Divorced, Adm-clerical, Unmarried, Other, Female,0,0,40, United-States +<=50K,39, State-gov,42186, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,3464,0,20, United-States +<=50K,54, Private,284952, 10th,6, Separated, Sales, Unmarried, White, Female,0,0,43, Italy +<=50K,62, Private,96099, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,198759, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,227886, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Female,0,0,35, Jamaica +<=50K,32, Private,391874, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,184370, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,84, Local-gov,135839, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,14, United-States +<=50K,46, Private,194698, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,67, Local-gov,342175, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,2009,0,40, United-States +>50K,29, Private,67218, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,205152, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,23, Private,434467, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +>50K,63, ?,110150, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,55, ?,123382, HS-grad,9, Separated, ?, Not-in-family, Black, Female,0,2001,40, United-States +<=50K,42, State-gov,404573, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,99462, 11th,7, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,60, Private,170310, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,199883, 12th,8, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,70034, 7th-8th,4, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, Portugal +<=50K,31, Private,393357, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,48, United-States +>50K,65, ?,249043, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,10605,0,40, United-States +>50K,31, Private,72630, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,50, United-States +<=50K,61, Private,223133, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +>50K,43, State-gov,345969, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,40, State-gov,195520, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,49, United-States +<=50K,39, Private,257942, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Local-gov,269300, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,27, United-States +<=50K,47, Private,137354, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,45, Federal-gov,232997, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,77266, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,30, Self-emp-not-inc,164190, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,153536, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,44, United-States +>50K,51, Local-gov,26832, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,188096, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,72, United-States +>50K,48, Self-emp-inc,369522, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,20, Private,110998, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,30, United-States +>50K,32, Private,205152, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,40, United-States +<=50K,31, ?,163890, Some-college,10, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,358631, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,25, United-States +<=50K,50, Private,185354, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,336061, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, ?,47011, Bachelors,13, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,49, Private,149949, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1876,40, United-States +<=50K,30, Private,59496, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,32950, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,109912, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,32, United-States +<=50K,24, Private,199555, Assoc-voc,11, Never-married, Sales, Unmarried, White, Male,0,0,5, United-States +<=50K,28, Private,91299, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,56, Private,99359, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1617,40, United-States +<=50K,38, Private,242559, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,20, Private,286391, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,2176,0,20, United-States +<=50K,82, Private,132870, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,4356,18, United-States +>50K,52, Federal-gov,22428, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,239150, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,170563, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +>50K,36, Private,173542, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,286026, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,72887, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,3411,0,40, United-States +<=50K,49, Local-gov,163229, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,40, Local-gov,165726, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,70055, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,184655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,139906, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,81, United-States +<=50K,32, Local-gov,198211, Assoc-voc,11, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,146540, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Local-gov,132304, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,190916, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Never-worked,237272, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,44, Private,755858, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +>50K,52, Private,127315, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,304302, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Private,184942, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,267989, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,188377, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, State-gov,221059, Masters,14, Married-civ-spouse, Prof-specialty, Other-relative, Other, Female,7688,0,38, United-States +<=50K,26, Private,340787, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Private,140782, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,38, United-States +<=50K,57, Private,169071, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,28, United-States +<=50K,36, Self-emp-not-inc,151094, Assoc-voc,11, Separated, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,27, Private,122922, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,151141, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,30, Private,136651, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,37, Private,177285, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,48, United-States +<=50K,31, Local-gov,128016, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,200318, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,32, Private,250354, 10th,6, Never-married, Craft-repair, Other-relative, White, Male,0,0,45, United-States +>50K,58, Private,191069, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,27856, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,8, United-States +>50K,44, Private,523484, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,39, Federal-gov,257175, Bachelors,13, Divorced, Tech-support, Unmarried, Black, Female,0,625,40, United-States +>50K,59, Private,174864, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,45, United-States +>50K,42, Private,196029, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,200471, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,20, Private,353195, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,35, Private,222868, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,221791, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,56, Private,197114, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +>50K,48, Private,160220, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,274917, Masters,14, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,348460, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,112683, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,48, Private,345831, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,105370, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,70, United-States +<=50K,48, Private,345006, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,55, Private,195329, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,2202,0,35, Italy +<=50K,40, Local-gov,108765, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,138022, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,175029, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,189574, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,55, Self-emp-not-inc,141409, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +>50K,36, Self-emp-not-inc,186035, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,39, Private,165235, Bachelors,13, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,22, Private,105043, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,230684, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,34, Private,345705, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1408,38, United-States +<=50K,33, Private,248584, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,55, Private,436861, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,14084,0,40, United-States +>50K,35, Private,200153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,398625, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,114043, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,169544, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,343849, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,33, Private,162572, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,24, Private,291578, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,136162, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,60, Self-emp-inc,376133, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,15, United-States +<=50K,48, Self-emp-inc,302612, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Local-gov,240166, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,193152, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,1408,40, United-States +<=50K,42, Private,248094, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,43, United-States +>50K,44, Private,119281, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,73, Self-emp-not-inc,300404, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,6, United-States +<=50K,21, Private,82847, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Self-emp-inc,161153, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1902,55, United-States +>50K,43, Federal-gov,287008, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,654141, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,32, United-States +<=50K,30, Private,252646, Some-college,10, Separated, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +<=50K,54, Private,171924, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,219742, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,55, State-gov,153788, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,20, Private,60639, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,28, United-States +<=50K,53, Private,96062, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +>50K,51, Private,165614, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,159888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,110586, Some-college,10, Widowed, Priv-house-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,143062, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,17, Self-emp-inc,413557, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,137658, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,398931, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,311764, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,58, Private,98725, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,38, Private,140854, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,97304, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,2346,0,40, ? +<=50K,26, Federal-gov,352768, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, ?,27184, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,72, ?,237229, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,60, Private,142494, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,27, Private,210313, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Guatemala +>50K,38, Private,194538, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,37, Self-emp-inc,26698, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1485,44, United-States +<=50K,28, Private,211032, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,107909, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,29, Private,136077, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,184737, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,1721,40, United-States +<=50K,28, Private,214689, Bachelors,13, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,70, ?,147558, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +>50K,40, Self-emp-not-inc,93793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,247025, Assoc-voc,11, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,284403, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +>50K,29, Private,221977, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,25, Federal-gov,339956, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,29, Private,161097, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,60, Private,223696, 1st-4th,2, Divorced, Craft-repair, Not-in-family, Other, Male,0,0,38, Dominican-Republic +<=50K,31, Private,234500, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,51, Local-gov,97005, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,242615, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,174938, Bachelors,13, Divorced, Tech-support, Unmarried, White, Male,0,0,20, United-States +>50K,35, Private,160120, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,48, Private,193775, Bachelors,13, Divorced, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,78, Self-emp-not-inc,59583, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,72, Private,157913, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,17, United-States +<=50K,24, Private,308205, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,58, ?,158506, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +>50K,36, Private,201769, 11th,7, Never-married, Protective-serv, Not-in-family, Black, Male,13550,0,40, United-States +<=50K,48, Private,330470, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,28, Private,184078, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,123384, Masters,14, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,330132, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,47, Private,274720, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Jamaica +>50K,50, Private,129673, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Federal-gov,205584, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,17, Private,327127, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,225892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,37, Private,224886, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,42, United-States +<=50K,35, Local-gov,27763, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,56, Private,73684, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,23, Private,107452, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,23871, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +>50K,79, Self-emp-inc,309272, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,469864, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,55, Private,286230, 11th,7, Divorced, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,59, State-gov,186308, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,113062, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,86150, 11th,7, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,19, Philippines +<=50K,41, Private,262038, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +<=50K,32, Private,279231, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,67, ?,188903, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,2414,0,40, United-States +<=50K,45, Private,183786, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,61, Private,339358, 5th-6th,3, Married-civ-spouse, Farming-fishing, Other-relative, White, Female,0,0,45, Mexico +<=50K,34, Private,287737, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,99203, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,297449, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,50, United-States +<=50K,35, Private,113481, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,204042, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +>50K,24, Private,43387, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, England +<=50K,37, Private,99233, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,313729, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,42, Private,99679, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,169745, 7th-8th,4, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,19914, Some-college,10, Widowed, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,15, United-States +>50K,31, Private,113543, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,224241, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-inc,137367, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, China +<=50K,32, Private,263908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,280798, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,203849, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,62546, Doctorate,16, Separated, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,40, Private,197344, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,36, Private,93225, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,33, Private,187560, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,23, State-gov,61743, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,21, Private,186648, 10th,6, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,173321, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,32, United-States +>50K,53, State-gov,246820, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,424034, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,53, Self-emp-not-inc,291755, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,72, United-States +<=50K,58, Private,104945, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,60, United-States +>50K,51, Private,85423, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,214235, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,65, United-States +<=50K,35, Self-emp-not-inc,278632, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,27415, 11th,7, Never-married, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,31, Local-gov,143392, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,21, Private,277408, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,39, Self-emp-not-inc,336793, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,36, Private,184112, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,45, United-States +>50K,51, Private,74660, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,395026, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,32, Private,171215, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,56, Private,121362, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,35, Private,409200, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,268965, 12th,8, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,61, Private,136262, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,141323, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,52, Local-gov,108083, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,82210, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,33, State-gov,400943, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,308489, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,50, United-States +>50K,35, Private,187053, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,60, United-States +<=50K,38, Private,75826, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,413345, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Private,356567, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,223811, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,159313, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,250170, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,135617, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,187346, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,108103, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,255476, 5th-6th,3, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,24, Private,68577, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,155961, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,35, Jamaica +<=50K,22, State-gov,264102, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,39, Haiti +<=50K,37, Private,167777, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +>50K,36, Private,225399, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,28, Private,199998, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,55, Private,199856, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,29, ?,189765, 5th-6th,3, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,193042, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,66, ?,222810, Some-college,10, Divorced, ?, Other-relative, White, Female,0,0,35, United-States +<=50K,47, Local-gov,162595, Some-college,10, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,45, United-States +<=50K,23, Private,208826, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,120190, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Self-emp-not-inc,27242, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,51, Private,348099, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,1590,40, United-States +<=50K,34, Private,185041, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,45, United-States +<=50K,28, Private,309196, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,52, State-gov,254285, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,70, Germany +>50K,39, Self-emp-inc,336226, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,60, United-States +>50K,43, Private,240698, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,36, Private,411797, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,35, United-States +<=50K,25, Private,178843, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,42, Private,136177, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,35, Private,243409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Germany +>50K,43, Private,258049, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,53, United-States +<=50K,34, Private,164748, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,24185, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,167476, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,44, Private,106900, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,52, Private,53497, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,335704, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,36, Private,211022, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,163003, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,52, Taiwan +>50K,36, Self-emp-inc,77146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,39, Private,67433, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,458549, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,96, Mexico +<=50K,26, Private,190469, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,195411, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,20, Private,216889, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,70, ?,336007, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,167350, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,241857, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,35, United-States +>50K,48, Private,125892, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,272209, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,99, United-States +<=50K,48, Private,175221, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,180195, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,38090, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,44, United-States +<=50K,58, Private,310085, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,118686, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, ?,112963, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,120131, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, ? +<=50K,19, Private,43937, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,37, Private,210438, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,176724, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,31, Self-emp-not-inc,113364, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Self-emp-not-inc,73986, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,28, Local-gov,197932, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,32, Private,193285, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,49, Local-gov,223342, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,35, Private,49749, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,211553, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +>50K,45, Private,201865, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,39, Private,322143, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,70, United-States +<=50K,55, Private,158702, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,2339,45, ? +>50K,46, Self-emp-not-inc,275625, Bachelors,13, Divorced, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,60, South +<=50K,19, Private,206599, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,29, Private,89813, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Scotland +<=50K,25, State-gov,156848, HS-grad,9, Married-civ-spouse, Protective-serv, Own-child, White, Male,0,0,35, United-States +<=50K,37, Private,162494, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,205407, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,375313, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Federal-gov,930948, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,6497,0,56, United-States +<=50K,32, Private,127895, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,34, Private,248754, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,188096, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,36, United-States +<=50K,20, Private,216811, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Self-emp-inc,113870, Masters,14, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,343052, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,280966, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,42044, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, Private,309513, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,163604, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,52, Private,224198, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,50, Private,338283, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,242375, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,81286, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, Mexico +<=50K,31, Private,217803, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, Self-emp-not-inc,323020, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,41, Private,34278, Assoc-voc,11, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,184579, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,20, ?,210781, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,20, Private,142673, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,29, Private,131714, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,25, United-States +<=50K,51, Local-gov,74784, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Local-gov,181372, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,33, United-States +<=50K,23, ?,62507, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,12, United-States +>50K,48, Private,155664, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +>50K,39, Private,174924, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,14344,0,40, United-States +<=50K,62, Private,113440, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,147227, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Federal-gov,207022, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,51, Local-gov,123011, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,35, United-States +<=50K,20, Private,184678, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,32, United-States +>50K,40, Self-emp-inc,182437, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,98639, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,174201, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,123780, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,38, United-States +<=50K,20, Private,374116, HS-grad,9, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +>50K,37, Local-gov,212005, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,123965, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,242619, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +>50K,60, Local-gov,138502, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,48, United-States +<=50K,27, Private,113635, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, Ireland +>50K,62, Private,664366, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,218311, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,278557, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,314773, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,194861, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,400616, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,208117, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Private,184498, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,52, Private,117674, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,162621, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,14, United-States +<=50K,23, Private,368739, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Self-emp-not-inc,196994, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,63, Self-emp-not-inc,420629, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +>50K,62, Self-emp-inc,245491, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,99999,0,40, United-States +>50K,51, Self-emp-not-inc,276456, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,3103,0,30, United-States +<=50K,76, Local-gov,169133, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,50, Private,99307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,45, United-States +>50K,45, Self-emp-inc,120131, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,456236, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,51, Private,107123, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,42, Local-gov,125461, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,4650,0,35, United-States +>50K,43, Local-gov,36924, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,167065, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,53642, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,154668, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Federal-gov,102238, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,54595, 10th,6, Widowed, Other-service, Not-in-family, Black, Female,0,1980,40, United-States +<=50K,27, Private,152951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,257042, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,74243, Assoc-voc,11, Widowed, Craft-repair, Not-in-family, White, Female,0,0,30, United-States +>50K,49, Private,149049, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,14344,0,45, United-States +<=50K,33, Private,117186, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, Private,178322, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,286911, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,54, Private,203635, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,60, United-States +<=50K,57, Self-emp-not-inc,177271, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,30, Private,149427, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,45, Private,101656, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,41, Private,274363, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,42, United-States +<=50K,25, Private,241025, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +>50K,51, Self-emp-inc,338836, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,210534, 5th-6th,3, Separated, Adm-clerical, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,28, Private,95725, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, ?,178013, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,20, Cuba +<=50K,53, Federal-gov,167410, Bachelors,13, Divorced, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,31, Private,158162, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,13550,0,50, United-States +>50K,46, Private,241935, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,7688,0,40, United-States +<=50K,25, Federal-gov,406955, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,47, Private,341762, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,239303, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,30, Private,38848, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,54744, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,332194, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,154950, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,196342, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,201292, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,43, Private,339767, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, England +<=50K,26, Private,250066, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,318886, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +>50K,50, Local-gov,124076, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,30, State-gov,242122, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,34019, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,35, Local-gov,230754, Masters,14, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,213842, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,196386, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, El-Salvador +<=50K,32, Self-emp-not-inc,62165, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +>50K,34, Private,134737, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,515629, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,119199, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,90222, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,28443, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,159442, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Ireland +<=50K,54, Private,315804, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,135840, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,38, Private,81232, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,43, Private,118001, 7th-8th,4, Separated, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,207875, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,164898, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Local-gov,170066, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +<=50K,47, Private,111994, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,34, United-States +<=50K,45, Private,166636, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,24, State-gov,61737, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,241885, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,234190, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,57, Private,230899, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Private,114158, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,24, United-States +<=50K,28, Private,222442, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,51, Cuba +<=50K,27, Private,157612, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,28, Private,199903, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,74, ?,292627, 1st-4th,2, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,156687, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,42, Japan +<=50K,27, Private,369522, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,61, Private,226297, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,356017, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,99, United-States +<=50K,28, Private,189257, 9th,5, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,24, United-States +<=50K,20, Private,157541, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,69251, Assoc-voc,11, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,38, State-gov,272944, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,113667, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,25, United-States +>50K,40, Private,222011, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,43, Private,191196, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,38, Private,169104, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,146679, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,30, United-States +<=50K,56, Private,226985, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,38, Private,153066, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, ?,159303, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,22, Private,200109, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,4508,0,40, United-States +<=50K,18, State-gov,109445, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,68, Private,99491, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,35, Private,172571, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Private,143582, 7th-8th,4, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,48, ? +<=50K,32, Private,207113, 10th,6, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,43, Federal-gov,192712, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,154297, 10th,6, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,62, Private,238913, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,2829,0,24, United-States +<=50K,38, Private,110402, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,207213, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,28, Private,606111, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, Germany +<=50K,26, Private,34112, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,119156, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,19, Private,249787, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,20, Private,153516, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,25, State-gov,260754, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,155621, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, Columbia +>50K,36, Private,33983, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,23, Private,306601, Bachelors,13, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,24, Private,270075, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,23, Private,109430, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,187115, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,25, Self-emp-not-inc,463667, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,8, United-States +<=50K,24, Private,52262, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,144064, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,62, United-States +<=50K,26, Private,147821, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,45, ? +<=50K,62, ?,232719, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,268620, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,33, United-States +<=50K,45, Private,81132, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,31, Private,323069, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,880,45, United-States +<=50K,34, Private,242984, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +>50K,65, Self-emp-inc,172684, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, Mexico +<=50K,42, Private,103932, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,27, State-gov,431637, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,40, Private,188942, Some-college,10, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, Puerto-Rico +>50K,53, Federal-gov,170354, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,54, Private,28518, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, State-gov,193380, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,35, United-States +>50K,59, Private,175942, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,42, Self-emp-not-inc,53956, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,55, United-States +<=50K,23, Private,120773, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,96219, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,20, Private,104164, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,190429, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,73, ?,243030, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,47, Self-emp-not-inc,228660, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,40, United-States +<=50K,44, Private,368757, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,220563, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,233571, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,37, United-States +<=50K,39, Private,187847, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +>50K,49, Private,84298, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,44, Self-emp-not-inc,254303, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,109611, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,37, Portugal +<=50K,50, Private,189183, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,39, Private,206951, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,282882, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,55, Private,377061, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,209906, 1st-4th,2, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, Puerto-Rico +<=50K,53, Local-gov,176059, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,31, Private,279015, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,70, Taiwan +<=50K,21, Private,347292, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,277314, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,74, ?,29887, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,10, United-States +>50K,53, Private,341439, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,47, Private,209460, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,47, United-States +>50K,60, Private,114263, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, Hungary +<=50K,59, Private,230899, 9th,5, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +>50K,37, Private,271767, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,47, Federal-gov,20956, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,49, Private,39986, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,73, Local-gov,45784, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Female,0,0,11, United-States +<=50K,58, Private,126991, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,18, ?,234648, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,15, United-States +<=50K,35, Private,207676, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,24, State-gov,413345, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,62, Private,122033, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,58, Private,169611, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,51, Private,90363, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +<=50K,21, Private,372636, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Private,340917, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,34273, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,36, Canada +>50K,25, Private,161027, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,5178,0,40, United-States +<=50K,31, Private,99844, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,31, Private,207685, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,34, United-States +>50K,44, Private,74680, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,50, United-States +>50K,52, Self-emp-inc,334273, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +<=50K,30, Private,36069, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,100563, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,174308, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,109413, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,59, Local-gov,212600, Some-college,10, Separated, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,271710, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,70, ?,230816, Assoc-voc,11, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Private,103277, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,42, Private,318947, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,187167, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,32, Private,204742, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,282062, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,283510, HS-grad,9, Never-married, ?, Unmarried, Black, Male,0,0,45, United-States +<=50K,25, Private,280093, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,31, Private,202729, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,205950, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,392286, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,119207, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,49, Private,195554, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,30, Private,173005, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,54, Private,192862, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,39, Private,164712, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,195808, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,199444, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,44, United-States +<=50K,23, Private,126346, 9th,5, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,54, Private,177675, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +<=50K,23, Private,50341, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Private,237943, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,1726,40, United-States +<=50K,23, Private,126945, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,67, ?,92061, HS-grad,9, Widowed, ?, Other-relative, White, Female,0,0,8, United-States +<=50K,19, ?,109938, 11th,7, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +>50K,41, Private,267252, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1902,40, United-States +<=50K,32, Private,174704, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,124771, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,200603, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,30, United-States +>50K,60, State-gov,165827, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,60, United-States +<=50K,21, Private,301199, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,215790, Some-college,10, Widowed, Adm-clerical, Other-relative, White, Female,0,0,22, United-States +>50K,38, Private,87556, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,21, Private,111467, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,82646, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,24, Private,162282, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,239074, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,214925, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,60, United-States +<=50K,23, Private,194247, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,211531, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Local-gov,223267, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,25, Private,201635, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Self-emp-not-inc,188738, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,27, United-States +<=50K,18, Private,133055, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,61761, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,45, United-States +>50K,62, Private,103344, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Male,10520,0,50, United-States +<=50K,29, Private,109814, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,225294, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,35, Self-emp-not-inc,97277, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +>50K,52, Private,146711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,286452, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,20308, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,224203, Some-college,10, Widowed, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,41, Private,225978, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,237720, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +>50K,31, Private,156743, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,76, United-States +<=50K,31, Private,509364, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, Mexico +>50K,46, Private,144351, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,375515, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,57, Self-emp-not-inc,103529, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,25, Private,199472, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,32, Private,348152, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,221166, 9th,5, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,46, Federal-gov,341762, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,17, ?,634226, 10th,6, Never-married, ?, Own-child, White, Female,0,0,17, United-States +<=50K,43, State-gov,159449, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,110238, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,458558, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,20, Federal-gov,340217, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,155106, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,90, Private,90523, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,99, United-States +<=50K,25, Private,122756, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,35, United-States +<=50K,27, Private,293828, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,48, Private,299291, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,48, Federal-gov,483261, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,122038, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,46, Private,160647, Bachelors,13, Widowed, Tech-support, Unmarried, White, Female,0,0,38, United-States +<=50K,32, Private,106541, 5th-6th,3, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,126945, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,24, Private,188505, Bachelors,13, Married-AF-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,377850, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,20, Private,193586, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,18, United-States +<=50K,28, Self-emp-not-inc,315417, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,2176,0,40, United-States +>50K,40, Self-emp-inc,57233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,39, Private,195253, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,172991, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,223215, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,17, Private,95799, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,25, Self-emp-not-inc,213385, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,80, United-States +>50K,49, Local-gov,202467, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,145574, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,34095,0,60, United-States +<=50K,39, Private,147548, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,105216, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,28, Private,77760, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Private,167990, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Canada +>50K,44, Private,167005, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +>50K,51, Private,108435, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,47, United-States +<=50K,55, Private,56645, Bachelors,13, Widowed, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,45, Local-gov,304973, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,78, United-States +<=50K,32, Private,42596, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,220641, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,101452, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, England +>50K,35, Private,188888, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Local-gov,168790, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +>50K,59, Private,98361, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,401762, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,46, Local-gov,160187, Masters,14, Widowed, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,23, Private,203715, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,144351, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,420749, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Germany +<=50K,51, Private,106151, 11th,7, Divorced, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,362482, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, State-gov,38151, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,20, Private,42706, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,72, United-States +<=50K,44, Private,126199, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,1831,0,50, United-States +<=50K,26, Private,165510, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Local-gov,216068, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,23, Private,215624, Some-college,10, Never-married, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,40, Private,239708, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Local-gov,199378, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,230420, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,395022, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,338620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,62, Private,210142, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,446358, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,47, Local-gov,352614, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,293528, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,3, United-States +<=50K,44, State-gov,55395, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,128538, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,46, Private,428405, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,126838, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,136836, Assoc-acdm,12, Divorced, Transport-moving, Unmarried, Black, Female,0,0,30, United-States +>50K,48, Private,105838, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,139903, Bachelors,13, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Self-emp-inc,106103, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,186824, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,350387, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,15, United-States +<=50K,17, Private,142912, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,63, ?,321403, 9th,5, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,31, Self-emp-inc,114937, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,34, ?,286689, Masters,14, Never-married, ?, Not-in-family, White, Male,4650,0,30, United-States +<=50K,35, Private,147258, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1974,40, United-States +<=50K,20, Private,451996, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,149833, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,211968, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,24, United-States +>50K,33, Private,287908, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,36, Private,166549, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,25216, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,286452, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,3418,0,40, United-States +>50K,47, Private,162034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,30, Private,186932, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,75, United-States +<=50K,34, Private,82938, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,122048, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Private,118710, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,243226, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,268514, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,365289, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,165365, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,2885,0,40, Laos +<=50K,20, Private,219266, HS-grad,9, Married-civ-spouse, Prof-specialty, Own-child, White, Female,0,0,36, ? +<=50K,24, Private,283757, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,39, United-States +<=50K,44, Federal-gov,206553, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,31, Private,113364, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,328949, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,83930, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,31, Self-emp-not-inc,325355, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +<=50K,20, Private,131852, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,119506, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +>50K,47, State-gov,100818, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,162302, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,48, Private,182211, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,19, Self-emp-not-inc,194205, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +<=50K,22, Private,141040, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,56, Private,346033, 9th,5, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,177125, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,241174, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, United-States +<=50K,57, Local-gov,130532, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,168496, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,362787, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, ?,244771, 11th,7, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Federal-gov,48123, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Self-emp-inc,173858, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1902,40, South +>50K,32, Private,207201, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,29, Private,37933, 12th,8, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,56, Private,33323, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Private,175943, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,35, United-States +<=50K,66, ?,306178, 10th,6, Divorced, ?, Not-in-family, White, Male,2050,0,40, United-States +<=50K,71, Local-gov,229110, HS-grad,9, Widowed, Exec-managerial, Other-relative, White, Female,0,0,33, United-States +<=50K,20, Private,113511, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,333677, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,36, United-States +>50K,42, Private,236021, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,20, ?,371089, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,61, Private,115023, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, State-gov,133586, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,91137, 9th,5, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,105598, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,352812, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1902,40, United-States +<=50K,31, Private,204829, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,247733, HS-grad,9, Divorced, Priv-house-serv, Unmarried, Black, Female,0,0,16, United-States +<=50K,36, ?,370585, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,103257, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,178915, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,54260, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,55395, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,233511, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,49, Private,318331, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,195985, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,38876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,67, Self-emp-inc,81413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,58, Private,172618, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,36, Private,174717, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,67, Private,224984, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,15831,0,16, Germany +>50K,61, Private,423297, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,88856, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, ?,169104, Assoc-acdm,12, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,16, Philippines +<=50K,35, Federal-gov,39207, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,340018, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,38, United-States +<=50K,20, State-gov,30796, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,51, Private,155403, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,23, Private,238092, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,225605, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, United-States +<=50K,36, Private,289148, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,47, Private,339863, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,27, Private,178778, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,29, Private,568490, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,129345, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,447882, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,24, Private,314165, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,20, United-States +>50K,39, Federal-gov,382859, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,82504, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,149700, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,15024,0,40, United-States +<=50K,62, Private,209844, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +>50K,49, Private,62546, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,228686, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,326587, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,202091, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,310774, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,450246, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, ?,84375, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,45, United-States +>50K,43, Private,142444, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,55, United-States +<=50K,26, Private,82246, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,38, United-States +<=50K,24, Private,192766, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,53109, 11th,7, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +>50K,45, Self-emp-inc,121836, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, ? +<=50K,45, Self-emp-not-inc,298130, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,26, Private,135645, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,265275, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,54, ?,410114, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Without-pay,232719, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,167716, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +<=50K,68, Private,107627, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,21, Private,129674, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,48, Mexico +<=50K,28, Self-emp-inc,114053, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Private,202560, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,219902, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,0,0,48, United-States +<=50K,50, Self-emp-not-inc,192654, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +<=50K,48, Self-emp-inc,238966, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,112942, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,59, Private,153484, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +<=50K,23, Private,161874, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Private,260106, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Self-emp-inc,240374, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, ?,251612, 5th-6th,3, Never-married, ?, Unmarried, White, Female,0,0,45, Mexico +<=50K,53, Private,223696, 12th,8, Married-spouse-absent, Handlers-cleaners, Not-in-family, Other, Male,0,0,56, Dominican-Republic +<=50K,52, Private,176134, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,38, Private,186959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,43, Private,456236, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,98948, Bachelors,13, Married-civ-spouse, Other-service, Wife, White, Female,0,0,32, United-States +>50K,41, Private,166662, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,448626, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,167482, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +>50K,45, Private,189792, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,399052, 9th,5, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,42, United-States +>50K,40, Private,104196, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,47, Self-emp-not-inc,152752, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,53, Private,268545, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Jamaica +>50K,53, Self-emp-inc,148532, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,33, Local-gov,281784, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,1564,52, United-States +<=50K,24, Private,225724, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,34, Private,200192, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,170850, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, Federal-gov,224858, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +>50K,61, State-gov,159908, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,31, Private,115488, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,1268339, HS-grad,9, Married-spouse-absent, Tech-support, Own-child, Black, Male,0,0,40, United-States +<=50K,42, Private,195755, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Federal-gov,186272, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,181388, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,177181, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,74, Private,91488, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,20, United-States +<=50K,40, Private,230961, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,75, Self-emp-not-inc,309955, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2174,50, United-States +>50K,40, Local-gov,63042, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,29814, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, ?,116230, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,167678, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,22, Ecuador +>50K,28, Private,191088, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,19, Private,63814, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,18, United-States +<=50K,36, Private,285865, Assoc-acdm,12, Separated, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,33, ?,160776, Assoc-voc,11, Divorced, ?, Not-in-family, White, Female,0,0,40, France +<=50K,50, Federal-gov,299831, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,880,40, United-States +>50K,47, Private,162741, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,15024,0,40, United-States +<=50K,48, Private,204990, HS-grad,9, Never-married, Tech-support, Unmarried, Black, Female,0,0,33, Jamaica +<=50K,60, Self-emp-inc,171315, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,296462, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,30, United-States +>50K,32, Private,103860, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Local-gov,159816, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,35, United-States +>50K,51, Private,96586, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,202720, 9th,5, Married-spouse-absent, Machine-op-inspct, Unmarried, Black, Male,0,0,75, Haiti +<=50K,34, Private,202822, Masters,14, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, ? +>50K,48, Self-emp-not-inc,379883, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +<=50K,68, ?,123464, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,294121, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,50, United-States +<=50K,63, ?,179981, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,31, Private,234387, HS-grad,9, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,154537, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,32, Private,125856, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,156015, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,116632, Bachelors,13, Divorced, Sales, Own-child, White, Male,0,0,80, United-States +>50K,50, Private,124963, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,38, Self-emp-not-inc,115215, 10th,6, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,254905, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,195532, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,190067, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,1564,40, United-States +<=50K,63, Private,181828, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, ? +<=50K,32, Private,203674, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,880,36, United-States +<=50K,25, Private,322585, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,59, Private,246262, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,211129, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, ? +<=50K,49, Private,139268, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,188540, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, ?,251167, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,30, Mexico +<=50K,46, Private,94809, Some-college,10, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,30, United-States +>50K,37, Local-gov,265038, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,48, Private,182566, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,43, Private,220109, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,44, United-States +>50K,41, Private,208470, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,28683, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3464,0,40, United-States +<=50K,36, Private,233571, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,4, United-States +<=50K,29, Private,24562, Bachelors,13, Divorced, Other-service, Unmarried, Other, Female,0,0,40, United-States +<=50K,66, Local-gov,36364, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2267,40, United-States +<=50K,59, Private,168569, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,62, Private,167098, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,271579, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,28, Private,191355, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,27, Private,31659, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,60, United-States +>50K,42, State-gov,83411, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,60, Private,40856, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,58, Private,115605, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,132326, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,220213, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,172511, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,156745, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,218916, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,306114, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,196675, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,70, United-States +<=50K,59, Self-emp-not-inc,73411, Prof-school,15, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,36, Private,184659, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,75890, Some-college,10, Widowed, ?, Unmarried, Asian-Pac-Islander, Female,0,0,4, United-States +>50K,35, Private,320451, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,65, Hong +<=50K,33, Private,172498, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,131588, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,45, United-States +>50K,40, Private,124520, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Self-emp-not-inc,93806, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,37, Federal-gov,173192, Assoc-voc,11, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,68, Self-emp-not-inc,198554, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Female,0,0,20, United-States +>50K,45, Private,26502, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,56, Private,225267, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,150042, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,211319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,38, Private,208358, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,58115, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,41, United-States +<=50K,28, Private,219267, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,28, United-States +<=50K,39, Federal-gov,129573, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,26, Local-gov,27834, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,415037, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,52, Private,191529, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,84, Private,132806, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,13, United-States +<=50K,33, Federal-gov,137059, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,10, United-States +>50K,46, Federal-gov,102308, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,164309, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,38, Private,40955, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, England +<=50K,66, Private,141085, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,8, United-States +>50K,62, Federal-gov,258124, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +>50K,31, Private,467579, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,40, United-States +>50K,31, Private,145139, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,231141, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829,0,40, United-States +<=50K,60, Self-emp-not-inc,146674, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,50, ? +<=50K,27, Private,242207, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,37, ?,102541, Assoc-voc,11, Married-civ-spouse, ?, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,38, Private,135416, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,267284, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,48, Private,130812, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,183765, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +>50K,45, Local-gov,188823, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,200593, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,124094, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +<=50K,21, Private,50411, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Local-gov,101689, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,73091, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,1876,50, United-States +<=50K,21, ?,107801, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,6, United-States +<=50K,51, Private,176969, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,342709, HS-grad,9, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,368561, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Private,26915, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,57, Private,157974, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,48, United-States +>50K,48, Private,109832, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,39, Self-emp-inc,116358, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7688,0,40, ? +<=50K,68, Self-emp-not-inc,195881, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2414,0,40, United-States +<=50K,33, Private,183000, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,22, Without-pay,302347, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,4416,0,40, United-States +<=50K,18, ?,151463, 11th,7, Never-married, ?, Other-relative, White, Male,0,0,7, United-States +<=50K,28, Private,217200, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,31740, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,56, Private,35520, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,36, Private,369843, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,199227, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,144711, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,1721,40, United-States +<=50K,39, Private,382802, 10th,6, Widowed, Machine-op-inspct, Not-in-family, Black, Male,0,1590,40, United-States +<=50K,25, Private,254781, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,70657, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,56, Self-emp-not-inc,50791, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,1876,60, United-States +<=50K,33, Self-emp-not-inc,222162, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,94606, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, United-States +<=50K,44, Self-emp-not-inc,104196, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,84, United-States +>50K,30, Self-emp-not-inc,455995, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,166210, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,25, Private,198986, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,292465, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,99388, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +<=50K,38, Private,698363, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,154940, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,401998, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +>50K,62, Private,162825, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,271795, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,134671, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,87583, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,14, United-States +<=50K,50, Private,248619, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,130200, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,178922, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Private,51985, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,38, United-States +>50K,37, Private,125933, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +>50K,38, State-gov,104280, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,617860, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Private,122112, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,45, Local-gov,181758, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Self-emp-inc,223671, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,38, Self-emp-not-inc,140117, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,27, Private,107458, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Federal-gov,215948, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, ? +<=50K,44, Federal-gov,306440, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Federal-gov,615893, Masters,14, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Nicaragua +>50K,28, Self-emp-inc,201186, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,99999,0,40, United-States +>50K,32, Private,37210, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,196084, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,45, Local-gov,166181, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,52, Federal-gov,291096, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,7298,0,40, United-States +<=50K,24, Private,232841, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,19, ?,131982, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,408788, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,42924, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Male,14084,0,50, United-States +>50K,31, Private,181091, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,200246, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,282023, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,49, Federal-gov,128990, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,106838, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,144750, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,18, United-States +<=50K,39, Private,108140, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,103323, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,268022, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,58, Private,197114, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,191628, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,2174,0,40, United-States +>50K,59, Local-gov,176118, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,42401, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,47, United-States +<=50K,42, Private,322385, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2407,0,40, United-States +>50K,53, State-gov,123011, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,210945, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,36, Local-gov,130620, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,26, Private,248990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,33, Private,132705, 9th,5, Separated, Adm-clerical, Not-in-family, White, Male,0,0,48, United-States +<=50K,29, Private,94892, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,141858, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,35, Private,81232, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,48, Private,114561, Bachelors,13, Married-spouse-absent, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,36, Philippines +<=50K,45, Local-gov,191776, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,128354, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,37088, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,21, Private,414812, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,63, ?,156799, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,39, Private,33983, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,15024,0,40, United-States +>50K,52, Self-emp-not-inc,194995, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,55, United-States +<=50K,41, Self-emp-inc,73431, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,155664, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,70, United-States +<=50K,27, ?,182386, 11th,7, Divorced, ?, Unmarried, White, Female,0,0,35, United-States +<=50K,53, State-gov,281074, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,1092,40, United-States +<=50K,33, Local-gov,248346, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,167482, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,18, ?,171088, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,43, Federal-gov,211763, Doctorate,16, Separated, Prof-specialty, Unmarried, Black, Female,0,0,24, United-States +<=50K,20, Private,122166, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,370119, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,138940, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,41, Private,174575, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,45, United-States +<=50K,67, Private,101132, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,1797,0,40, United-States +<=50K,38, Private,292307, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,40, Dominican-Republic +<=50K,47, Self-emp-not-inc,248776, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,25, United-States +<=50K,39, Private,314007, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,213226, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,35, ? +<=50K,36, Private,76845, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,24, Private,148320, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,54261, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,21, Private,223352, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,1055,0,30, United-States +<=50K,21, Private,211013, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,50, Mexico +<=50K,40, Private,209833, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,356272, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, Private,143538, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,242960, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Local-gov,263871, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,151105, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,44, Private,207685, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,1564,55, England +<=50K,49, Local-gov,46537, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,594,0,10, United-States +>50K,45, Self-emp-inc,84324, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,224716, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,186269, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,143731, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,39, Private,236391, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,54560, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,266325, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +>50K,32, Federal-gov,42900, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,45, State-gov,183710, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,23, Private,278254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,45, United-States +<=50K,35, Private,119992, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,52, Private,284329, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,55, Private,368727, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,353696, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,31387, Bachelors,13, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,2885,0,25, United-States +<=50K,27, Private,110931, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,169532, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,21, Private,285522, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,198774, Bachelors,13, Divorced, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Private,123291, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,146110, Some-college,10, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,37, Self-emp-not-inc,29814, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,61, Private,195595, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Guatemala +>50K,44, Private,92649, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +>50K,53, Private,290688, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,43, Private,427382, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,60, State-gov,234854, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,23, Private,276568, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,250038, Masters,14, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Mexico +<=50K,29, Private,150861, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,87205, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,55, England +<=50K,47, Private,343579, 1st-4th,2, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,12, Mexico +<=50K,20, Private,94401, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,25, Private,120238, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, Poland +<=50K,27, Private,205440, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,198996, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,294253, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,27, United-States +<=50K,23, Private,256628, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +<=50K,59, Self-emp-not-inc,223131, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,46, Private,207301, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,66, ?,270460, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Local-gov,125457, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,38, United-States +<=50K,36, Local-gov,212856, 11th,7, Never-married, Other-service, Unmarried, White, Female,0,0,23, United-States +<=50K,44, Private,197389, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,73338, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,68037, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,32, Private,185027, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,107123, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,22, Private,109482, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,98, United-States +<=50K,30, Private,174543, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,208407, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,30, United-States +>50K,68, Self-emp-not-inc,211584, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,108540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,202416, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,62, ?,160155, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,6418,0,40, United-States +<=50K,20, Private,176178, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,21, Private,265148, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,38, Jamaica +<=50K,34, Private,220631, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,50, ? +<=50K,30, Self-emp-not-inc,303692, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,25, Private,135845, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, State-gov,199915, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,21, United-States +<=50K,40, State-gov,150533, Bachelors,13, Married-civ-spouse, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,85482, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,24473, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,272944, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, ?,82077, Some-college,10, Divorced, ?, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,49, State-gov,194895, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Private,314153, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,176253, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,59, Private,113959, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,42, State-gov,167581, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,37, Private,79586, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Iran +>50K,40, Private,166662, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,47, Private,72896, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,56, Private,345730, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,302473, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,42346, HS-grad,9, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,35, United-States +<=50K,21, Private,243921, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,131620, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,47, Private,158924, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,22, Self-emp-not-inc,32921, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,252897, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,14344,0,40, United-States +<=50K,41, Private,155657, 11th,7, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,40, United-States +<=50K,43, Federal-gov,155106, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,53, United-States +<=50K,60, Private,82775, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,73, Private,26248, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,90, Private,88991, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, England +<=50K,62, Federal-gov,125155, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,28, Private,218039, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,53524, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,259352, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,296453, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,19, Private,278915, 12th,8, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,52, United-States +<=50K,23, Private,565313, Some-college,10, Never-married, Other-service, Own-child, Black, Male,2202,0,80, United-States +<=50K,22, Federal-gov,274103, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,19, Private,271118, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,28, United-States +<=50K,45, Federal-gov,207107, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Male,0,2080,40, Philippines +<=50K,26, Local-gov,138597, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,25, United-States +>50K,42, Local-gov,180985, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,99999,0,40, United-States +<=50K,62, Self-emp-not-inc,159939, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,61, Private,110920, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Private,34862, Bachelors,13, Divorced, Sales, Not-in-family, Amer-Indian-Eskimo, Male,0,1564,60, United-States +<=50K,22, Local-gov,163205, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,53, United-States +>50K,56, Private,110003, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,229051, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,144898, Some-college,10, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,211596, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,48458, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,1669,45, United-States +<=50K,58, Private,201393, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,1876,40, United-States +>50K,25, Self-emp-not-inc,136450, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,23, Private,193586, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,91189, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,227832, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,271936, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Private,61343, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,30, Private,157778, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,23, Private,201680, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,228320, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,72, Private,33404, 10th,6, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,103205, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,279029, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,213092, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,126104, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,1980,45, United-States +<=50K,32, Private,119124, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,31924, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,22, Private,253799, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, ? +>50K,52, Private,266138, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,65, Private,185001, 10th,6, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,34102, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,115214, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,6497,0,65, United-States +<=50K,27, Private,289484, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, State-gov,287908, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,42, United-States +<=50K,53, Self-emp-not-inc,158284, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,60668, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +>50K,43, State-gov,222978, Doctorate,16, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,244605, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908,0,40, United-States +<=50K,38, Private,150601, 10th,6, Separated, Adm-clerical, Unmarried, White, Male,0,3770,40, United-States +<=50K,26, Private,199143, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,60, Private,131681, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,346406, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1672,50, United-States +<=50K,33, Federal-gov,391122, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,29, Local-gov,280344, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,54, State-gov,188809, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,41, Private,277488, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,36, United-States +<=50K,63, Self-emp-not-inc,181561, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,158545, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,27, United-States +<=50K,23, Private,313573, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,25, United-States +<=50K,31, Private,591711, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, Black, Male,0,0,40, ? +>50K,41, Private,268183, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,51, Private,392286, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,59, Private,233312, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,520231, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Self-emp-not-inc,186831, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,45, United-States +<=50K,67, Self-emp-not-inc,141085, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,65, ?,198019, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,47, Local-gov,198660, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,409230, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,38, Private,376025, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,80167, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,99357, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,1506,0,40, United-States +>50K,24, Private,82847, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,50, Portugal +<=50K,24, Private,22201, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,38, Private,275223, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,19, Private,117595, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +<=50K,32, Private,207668, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,179981, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,192583, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,66304, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,200671, Bachelors,13, Divorced, Transport-moving, Own-child, Black, Male,6497,0,40, United-States +<=50K,57, Private,32365, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,28497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,222978, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,1504,40, United-States +<=50K,25, Private,160261, Some-college,10, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,40, China +<=50K,48, Private,120724, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,91733, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,74, Self-emp-not-inc,146929, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,205706, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,181666, Some-college,10, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,54, Local-gov,279452, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,39, Private,207568, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,38, Private,22494, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,7443,0,40, United-States +<=50K,18, Private,210026, 10th,6, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,32, Local-gov,190889, Masters,14, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,40, ? +<=50K,24, Private,109869, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,285263, 9th,5, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, Mexico +<=50K,28, Private,192588, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,232945, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Other, Male,0,0,30, United-States +<=50K,49, Local-gov,31339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,305147, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,188914, HS-grad,9, Widowed, Machine-op-inspct, Other-relative, Black, Female,0,0,40, Haiti +<=50K,58, Self-emp-not-inc,141165, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,68, Self-emp-inc,136218, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,15, United-States +>50K,41, Federal-gov,371382, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,21, ?,199177, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,27, Private,221366, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,50, United-States +<=50K,24, Private,403671, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,193871, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,306183, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,44, United-States +>50K,64, ?,159938, HS-grad,9, Divorced, ?, Not-in-family, White, Male,8614,0,40, United-States +<=50K,54, Private,124194, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,69847, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,30, United-States +<=50K,26, State-gov,169323, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, State-gov,172327, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,48, Private,118889, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2885,0,15, United-States +<=50K,50, Private,166220, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,3942,0,40, United-States +<=50K,39, Private,186420, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,192779, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Private,105616, Some-college,10, Widowed, Adm-clerical, Unmarried, Black, Female,0,0,48, United-States +<=50K,24, Private,141113, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,2580,0,40, United-States +<=50K,57, Private,160275, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,164507, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Columbia +>50K,41, Private,207578, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, India +>50K,55, Private,314592, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, ?,254630, Assoc-voc,11, Divorced, ?, Not-in-family, White, Male,0,0,80, United-States +<=50K,69, Private,159522, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, Black, Female,2964,0,40, United-States +<=50K,22, Private,112130, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Private,192835, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3942,0,40, United-States +<=50K,33, Private,206280, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,57, Private,308861, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,93206, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1902,65, United-States +<=50K,40, Private,206066, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,48, Self-emp-not-inc,309895, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,38, Local-gov,216129, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +<=50K,26, State-gov,287420, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,24, Private,163595, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,170092, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,37, Private,287031, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,75, United-States +<=50K,42, Private,59474, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,99151, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,206888, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,177119, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,80, ? +<=50K,22, Private,173736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,182163, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +>50K,45, Local-gov,311080, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,29, Self-emp-not-inc,389857, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,297152, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +<=50K,24, Federal-gov,130534, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,137301, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,316235, HS-grad,9, Divorced, Sales, Other-relative, White, Female,0,0,32, United-States +<=50K,28, Self-emp-inc,32922, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,58, Private,118303, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,188241, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,59, Private,236731, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,39, Private,209397, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Self-emp-inc,290640, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,221915, Prof-school,15, Never-married, Prof-specialty, Other-relative, White, Female,0,0,65, United-States +>50K,51, Private,175246, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,59, Private,159724, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7298,0,55, United-States +>50K,42, State-gov,160369, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,461337, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,187311, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,32, Private,29312, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,197365, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,301747, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,55, Local-gov,135439, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,30, Private,340917, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,155057, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,65, ?,200749, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,44, Private,323627, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,5, United-States +<=50K,23, ?,154921, 5th-6th,3, Never-married, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,131425, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,184242, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,28, Private,149769, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,44, Private,124924, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Mexico +<=50K,29, Private,253003, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,16, United-States +<=50K,57, State-gov,250976, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,104196, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,250182, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,188331, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +<=50K,44, Private,187322, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,130714, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,22, United-States +<=50K,37, Private,40955, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,35, Private,107125, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +>50K,51, Private,145714, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, ? +<=50K,27, Private,133937, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,41, State-gov,293485, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103,0,40, United-States +<=50K,28, ?,203260, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,8, United-States +<=50K,37, Self-emp-not-inc,143368, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,51789, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,24, State-gov,211049, 7th-8th,4, Never-married, Tech-support, Unmarried, White, Female,0,0,20, United-States +<=50K,53, Private,81794, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,139193, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1980,48, United-States +<=50K,54, Private,150999, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,332657, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,240043, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,43, Private,186188, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, Iran +>50K,58, State-gov,223400, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +>50K,59, Local-gov,102442, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,31, Private,236599, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,283237, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,150106, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,102076, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,40, Private,374764, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,32528, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,25, Federal-gov,50053, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Private,212864, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,30673, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, ?,248248, 1st-4th,2, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,34, Philippines +<=50K,23, Private,419554, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +<=50K,32, State-gov,177216, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,118158, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,41, Private,116391, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Germany +<=50K,74, Private,194312, 9th,5, Widowed, Craft-repair, Not-in-family, White, Male,0,0,10, ? +>50K,43, Private,111895, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,193290, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1721,20, United-States +<=50K,24, Federal-gov,287988, Bachelors,13, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Private,147653, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,32, United-States +>50K,54, Private,117674, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,187458, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,410351, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,41, Private,207578, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,62, ?,55621, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,35, United-States +<=50K,27, State-gov,271243, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, Jamaica +<=50K,30, Private,188798, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,63, Local-gov,168656, Bachelors,13, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,35, Outlying-US(Guam-USVI-etc) +<=50K,33, Private,460408, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,3325,0,50, United-States +<=50K,34, Private,241885, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,133061, 9th,5, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,194097, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,219137, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +>50K,50, Private,31621, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,207685, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,57052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +<=50K,19, Private,109854, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,369678, HS-grad,9, Never-married, ?, Not-in-family, Other, Male,0,0,43, United-States +<=50K,17, Private,53611, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,47, Private,344916, Assoc-acdm,12, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Local-gov,198813, Bachelors,13, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,71, Private,180733, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,188073, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,69, ?,159077, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,48, Private,174829, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,142791, 7th-8th,4, Widowed, Sales, Other-relative, White, Female,0,1602,3, United-States +>50K,58, Self-emp-not-inc,43221, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2415,40, United-States +<=50K,34, Private,188736, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Female,0,0,20, Columbia +<=50K,33, Local-gov,222654, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,66, ? +<=50K,56, Private,251836, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,40, Federal-gov,112388, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,209641, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,42, Private,313945, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Ecuador +<=50K,19, ?,134974, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,152742, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,3325,0,40, United-States +<=50K,28, Self-emp-inc,153291, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,353432, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,23, Private,96635, Some-college,10, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,46, ?,202560, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,39, Private,150057, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, Private,114844, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1876,50, United-States +<=50K,45, Private,132847, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,41356, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,50, Self-emp-not-inc,93705, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,309350, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,123084, 11th,7, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,174662, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,32, United-States +<=50K,62, Federal-gov,177295, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,211880, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,454915, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,232475, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Self-emp-inc,244605, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,50, Private,150876, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,55, United-States +<=50K,51, Private,257337, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,47, Private,329144, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4386,0,45, United-States +>50K,37, Private,116960, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Private,267663, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +>50K,39, Private,47871, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,34, Private,295922, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, England +<=50K,45, Private,175625, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,19, ?,129586, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,190179, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,40, Private,168071, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Male,3325,0,40, United-States +>50K,39, Self-emp-not-inc,202027, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,36, Private,202662, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,101436, HS-grad,9, Divorced, Adm-clerical, Other-relative, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,19, ?,119234, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,15, United-States +>50K,37, Private,360743, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,60, Local-gov,93272, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,56, Private,145574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,101722, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,3908,0,47, United-States +<=50K,34, Private,135785, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,23, ?,218415, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,19, Private,127709, HS-grad,9, Never-married, Farming-fishing, Own-child, Black, Male,0,0,30, United-States +<=50K,37, Federal-gov,448337, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,58, Private,310320, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,251521, 11th,7, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Private,255503, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,116608, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,26, Private,71009, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,22, Private,174975, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,36, United-States +<=50K,32, Private,108023, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,204018, 11th,7, Never-married, Sales, Unmarried, White, Male,0,0,15, United-States +<=50K,57, ?,366563, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Private,121846, 7th-8th,4, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,70, Private,278139, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3432,0,40, United-States +<=50K,30, Private,114691, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,19, State-gov,536725, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,15, Japan +<=50K,51, Private,94432, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,286002, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,30, Nicaragua +<=50K,47, Private,101684, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,352834, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +>50K,36, Private,99146, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +>50K,30, Private,231413, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,158846, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,190786, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,25, Private,306513, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,152148, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,309580, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, ?,130832, Bachelors,13, Never-married, ?, Unmarried, White, Female,0,0,10, United-States +<=50K,25, Private,194897, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Male,6849,0,40, United-States +<=50K,30, Private,130078, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,48, Private,39986, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,379198, HS-grad,9, Never-married, Other-service, Other-relative, Other, Male,0,0,40, Mexico +>50K,51, Private,189762, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,15, United-States +<=50K,19, Private,178147, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,31, Private,332379, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,175759, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,21, ?,262062, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,275446, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,278522, 11th,7, Never-married, Farming-fishing, Own-child, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,54683, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1590,40, United-States +>50K,57, Private,136107, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,205894, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,54, Private,210736, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,166634, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,52, Private,185283, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,180553, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,199058, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, ? +<=50K,18, Private,145005, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,37, Self-emp-not-inc,184655, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,52, Private,358554, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,307423, 9th,5, Never-married, Other-service, Not-in-family, Black, Male,0,0,50, United-States +<=50K,27, Private,472070, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,115562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,56, Private,32446, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,33121, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,37, Private,183345, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,28, Private,119793, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,10520,0,50, United-States +<=50K,48, Self-emp-not-inc,97883, HS-grad,9, Separated, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,58, Self-emp-not-inc,31732, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,206250, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,103323, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-inc,135436, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,376455, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,52, Private,160703, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,131699, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,243842, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,349910, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,61, Private,170262, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,38, United-States +<=50K,33, Private,184306, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +<=50K,46, Private,224202, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,151540, 11th,7, Widowed, Tech-support, Unmarried, White, Female,0,0,16, United-States +<=50K,28, Private,231197, 10th,6, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, Mexico +<=50K,19, Private,279968, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +<=50K,36, Private,162651, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,40, Columbia +>50K,43, Self-emp-not-inc,130126, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,160120, Doctorate,16, Divorced, Adm-clerical, Other-relative, Other, Male,0,0,40, ? +>50K,56, Private,161662, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,24, Local-gov,201664, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,137142, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,45, Self-emp-inc,122206, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Local-gov,183169, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,126513, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, ? +<=50K,35, Federal-gov,185053, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,408427, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,50, Self-emp-not-inc,198581, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,199198, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,0,0,21, United-States +<=50K,31, Private,184306, Assoc-voc,11, Never-married, Transport-moving, Own-child, White, Male,0,1980,60, United-States +<=50K,63, Private,172740, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,205153, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,164964, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,162606, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,179627, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,103408, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, Germany +<=50K,27, Private,36440, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,57512, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +<=50K,27, Private,187981, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,393768, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,108726, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,31, Private,180551, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,176240, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Private,70720, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,35890, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,50, Private,283676, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,105540, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2051,40, United-States +<=50K,44, Private,408717, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,3674,0,50, United-States +<=50K,21, Private,57916, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,177974, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,34, ?,177304, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,40, Columbia +<=50K,18, Private,115839, 12th,8, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,34, ?,205256, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2885,0,80, United-States +>50K,38, Private,117802, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,19, Private,211355, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,46, Private,173243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,343200, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,22, Private,401690, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, Mexico +<=50K,38, Private,196123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,33, Private,168981, Masters,14, Divorced, Exec-managerial, Own-child, White, Female,14084,0,50, United-States +<=50K,83, Self-emp-not-inc,213866, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,8, United-States +>50K,34, Private,55176, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,153976, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,119176, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,27, Private,169117, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,1887,40, United-States +<=50K,38, Private,156550, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,109609, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,38, Private,26698, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,52, Private,236497, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,33, State-gov,306309, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,242773, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,124680, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,6849,0,60, United-States +<=50K,52, Local-gov,43909, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,112820, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,2463,0,40, United-States +<=50K,25, Private,148300, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,17, Private,133449, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,26, United-States +<=50K,22, Private,263670, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,80, United-States +<=50K,22, Private,276494, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,46, Private,190115, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,58, Private,317479, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,39, Private,151248, Some-college,10, Divorced, Sales, Other-relative, White, Female,0,0,35, United-States +<=50K,59, Local-gov,130532, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, Poland +<=50K,61, Private,160062, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,299635, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,50, Private,171225, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,51, Private,33304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,95634, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,45, ? +<=50K,20, Private,243878, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,38, Local-gov,181721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,44, Federal-gov,201435, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,334032, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, Private,220019, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,53, Private,71772, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Self-emp-not-inc,27661, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,191411, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, India +>50K,39, Private,123945, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,37778, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, State-gov,171216, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,93955, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,63, Private,163809, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,346754, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,188436, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,28, Private,72443, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,1669,60, United-States +>50K,68, Private,186350, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,10, United-States +<=50K,22, ?,214238, 7th-8th,4, Never-married, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,46, State-gov,394860, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,57, Private,262642, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,125550, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,66, Private,192504, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,131310, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,54, Private,249322, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,172755, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,209993, 11th,7, Separated, Priv-house-serv, Unmarried, White, Female,0,0,8, Mexico +<=50K,30, Private,166961, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,37, United-States +<=50K,39, Private,315291, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,284703, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,166565, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,30, Self-emp-not-inc,173854, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,189219, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,210781, Bachelors,13, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, France +<=50K,59, Local-gov,171328, HS-grad,9, Separated, Protective-serv, Other-relative, Black, Female,0,2339,40, United-States +<=50K,45, Private,199832, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,64, Private,251292, 5th-6th,3, Separated, Other-service, Other-relative, White, Female,0,0,20, Cuba +<=50K,61, Private,122246, 12th,8, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,190767, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,278736, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,53, Private,124963, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,167476, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,7, United-States +<=50K,34, Local-gov,246104, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,171615, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +>50K,67, Private,264095, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,9386,0,24, Cuba +<=50K,46, Private,177114, Assoc-acdm,12, Widowed, Prof-specialty, Unmarried, White, Female,0,0,27, United-States +<=50K,32, Private,146154, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,198196, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,79712, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,154785, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,182423, HS-grad,9, Divorced, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,20, ?,347292, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,32, United-States +<=50K,34, Private,118584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,219835, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, ? +<=50K,17, ?,148769, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,45, Private,197418, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,21, Private,253190, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,192273, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,129573, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +<=50K,17, Private,173807, 11th,7, Never-married, Craft-repair, Own-child, White, Female,0,0,15, United-States +<=50K,35, Private,217893, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,38, Private,102938, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,407495, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,25, Private,50053, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Japan +<=50K,57, Private,233382, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Cuba +>50K,32, Private,270968, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Local-gov,272166, Bachelors,13, Separated, Prof-specialty, Not-in-family, Black, Male,0,0,30, United-States +<=50K,23, Private,199915, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,21, Private,305781, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,45, United-States +<=50K,47, Private,107682, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,25, Private,188507, 7th-8th,4, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Dominican-Republic +<=50K,18, ?,28311, 11th,7, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,41, Federal-gov,197069, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Male,4650,0,40, United-States +<=50K,19, Private,177839, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,77665, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +>50K,57, Private,127728, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,51, ?,172175, Doctorate,16, Never-married, ?, Not-in-family, White, Male,0,2824,40, United-States +<=50K,32, Private,106742, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,192838, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,40, Private,79531, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,75, United-States +<=50K,21, State-gov,337766, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,45, Self-emp-not-inc,33234, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,34088, 12th,8, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,55, Private,176904, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,172148, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,199058, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,38, Private,48093, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,143664, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,168337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,43, Private,195212, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, ? +>50K,39, Private,230329, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Canada +<=50K,42, Private,376072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,32, Private,430175, HS-grad,9, Divorced, Craft-repair, Other-relative, Black, Female,0,0,50, United-States +<=50K,44, Federal-gov,240628, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,2354,0,40, United-States +>50K,50, Self-emp-inc,158294, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,80, United-States +<=50K,55, Private,28735, HS-grad,9, Divorced, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,37, Private,167482, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,59, Private,113203, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,103948, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,310525, 12th,8, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,32, United-States +>50K,35, Private,105138, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,153489, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,57, State-gov,254949, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,118149, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,267965, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,43, Private,50646, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,147700, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,18, Private,446771, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,47, Private,168262, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,117058, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,59, Self-emp-not-inc,140957, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,35, Private,186126, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, ? +<=50K,49, Private,268234, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,485117, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,31350, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, England +<=50K,36, State-gov,210830, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,29, Private,196420, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,52, Private,172165, 10th,6, Divorced, Other-service, Other-relative, White, Female,0,0,25, United-States +<=50K,50, Self-emp-not-inc,186565, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,119359, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,109684, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,169589, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,125421, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,31, Private,500002, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +<=50K,33, Private,224141, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,113290, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +<=50K,62, ?,123992, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,58098, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,1974,40, United-States +<=50K,46, ?,37672, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,55, Private,198145, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,49, Federal-gov,35406, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,199419, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,43, Private,145441, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,58, Private,238438, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,48, State-gov,212954, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,21, Private,56582, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,67, Local-gov,176931, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Self-emp-not-inc,188571, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,312500, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,278404, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,114225, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, Private,184016, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,41, Local-gov,183009, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,205759, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,462294, Assoc-acdm,12, Never-married, Other-service, Own-child, Black, Male,0,0,44, United-States +<=50K,42, Private,102085, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,54, Self-emp-not-inc,83311, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,39, Private,248694, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Local-gov,190747, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,162988, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,31, Self-emp-not-inc,156890, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,310380, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Black, Female,0,0,45, United-States +<=50K,35, Private,172186, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,311497, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-inc,443508, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,152156, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,155890, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,312528, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,37, United-States +<=50K,51, Private,282744, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Canada +<=50K,27, Private,205145, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,119918, Bachelors,13, Never-married, ?, Not-in-family, Black, Male,0,0,45, ? +>50K,22, Private,401451, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,72, ?,173427, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Cuba +<=50K,25, Private,189027, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,35551, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,42706, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,63, Private,106910, 5th-6th,3, Widowed, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,19, Philippines +<=50K,23, Private,53245, 9th,5, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,221672, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,75, Private,71898, Preschool,1, Never-married, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,48, Philippines +<=50K,52, Private,222107, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,69, Private,277588, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,10, United-States +>50K,52, Private,178983, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,40, Federal-gov,391744, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,34, Private,418020, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, State-gov,39236, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,30, Private,86808, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,46, Private,147640, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,1902,40, United-States +<=50K,21, Private,184756, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,44, Private,191256, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,105943, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908,0,40, United-States +<=50K,40, Private,101272, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,33, State-gov,175023, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,37, United-States +<=50K,22, Self-emp-not-inc,357612, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,82777, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,75, Self-emp-not-inc,218521, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,55, Private,179534, 11th,7, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,24, ?,33339, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,45, Private,148549, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,27828,0,56, United-States +<=50K,31, Private,198069, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,49, Private,236586, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,167261, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,160942, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,50, United-States +<=50K,44, Private,107584, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908,0,50, United-States +<=50K,28, Local-gov,251854, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,79, ?,163140, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,302579, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,30, United-States +<=50K,44, Self-emp-inc,64632, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,83141, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,326048, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,83471, HS-grad,9, Widowed, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,23, Private,170070, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,25, Private,207875, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,48, Private,119722, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,8, United-States +<=50K,18, Private,335665, 11th,7, Never-married, Other-service, Other-relative, Black, Female,0,0,24, United-States +<=50K,25, Private,212522, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,42069, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,2176,0,45, United-States +<=50K,26, ?,131777, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2002,40, United-States +<=50K,33, Private,236396, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,42, Private,159911, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,133833, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,36, Private,226947, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,174201, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,49707, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,201988, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,62, Self-emp-not-inc,162347, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,30, Private,182833, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,22, Private,383603, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,70466, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,184846, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,60, United-States +<=50K,25, Private,176756, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,112512, HS-grad,9, Widowed, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,137296, Assoc-acdm,12, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Private,37821, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,25, Private,295108, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,25, United-States +>50K,40, Private,408717, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,255635, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,48, Self-emp-not-inc,177783, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,63, Self-emp-not-inc,179400, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,20, United-States +>50K,31, Private,240283, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,410034, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,180667, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,196332, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Local-gov,159187, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,46, Private,225065, Preschool,1, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Mexico +<=50K,19, Private,178147, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,30, Private,272669, Some-college,10, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,35, Private,347491, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,146399, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,75167, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,133373, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Local-gov,84737, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,18, Private,96483, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,59, Private,368005, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, State-gov,36032, HS-grad,9, Divorced, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,174215, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,24, Private,228772, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, Mexico +<=50K,22, Private,242912, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,49, Self-emp-inc,86701, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,56, United-States +<=50K,35, Private,166549, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Local-gov,121622, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,1380,40, United-States +<=50K,18, Private,201613, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,35, Private,29874, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,168138, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,162404, Bachelors,13, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,60, United-States +<=50K,21, ?,162160, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,26, Private,139116, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,50, United-States +>50K,44, Private,192381, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, United-States +<=50K,39, Private,370585, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,40, State-gov,151038, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,70, Self-emp-not-inc,36311, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,35, United-States +<=50K,34, Private,271933, Masters,14, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,34, Private,182401, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,66, Private,234743, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,182140, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,215591, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,59, Self-emp-not-inc,96459, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,205562, Masters,14, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,47, Private,188081, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, State-gov,121245, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,127273, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,20, United-States +<=50K,25, Private,114345, 9th,5, Never-married, Craft-repair, Unmarried, White, Male,914,0,40, United-States +<=50K,22, Private,341227, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +>50K,40, Local-gov,166893, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,68, ?,65730, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,145231, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, White, Female,0,1762,40, United-States +>50K,73, Self-emp-not-inc,102510, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418,0,99, United-States +<=50K,45, Self-emp-not-inc,285335, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,23, Private,177087, 11th,7, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +>50K,40, Private,240504, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,39, Private,218490, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,23, Private,384651, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,189551, HS-grad,9, Divorced, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,53, Private,194791, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,194630, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +<=50K,53, Private,177647, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,51620, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,251421, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,180477, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,40, State-gov,391736, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,170091, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,6, United-States +>50K,36, Private,175360, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,13550,0,50, United-States +<=50K,35, Private,276153, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,4650,0,40, United-States +>50K,53, Federal-gov,105788, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, United-States +>50K,42, Local-gov,248476, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,32, Private,168443, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,120201, HS-grad,9, Divorced, Adm-clerical, Own-child, Other, Female,0,0,65, United-States +<=50K,59, Private,114678, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,60, United-States +<=50K,36, Private,167440, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,37, Self-emp-not-inc,265266, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +<=50K,31, Private,212235, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, Private,44671, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,87282, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,38, United-States +>50K,27, Private,112754, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,60, United-States +<=50K,29, Self-emp-not-inc,322238, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,65382, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,115176, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,48, Self-emp-not-inc,162236, Masters,14, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, ? +<=50K,42, Private,409902, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,25, United-States +>50K,60, Local-gov,204062, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,283305, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,435638, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-inc,114733, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +<=50K,22, Private,162343, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,22, United-States +<=50K,18, ?,195981, HS-grad,9, Widowed, ?, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,79531, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,395078, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Local-gov,159641, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,625,40, United-States +<=50K,21, Private,159567, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Private,133917, Assoc-voc,11, Never-married, Sales, Other-relative, Black, Male,0,0,40, ? +<=50K,52, Private,196894, 11th,7, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,39, Local-gov,132879, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,190290, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,102828, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +<=50K,31, Private,128493, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, State-gov,290677, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,21, Private,283757, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,38, Local-gov,169104, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,51, Private,171409, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,319165, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,203182, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,20, ?,211968, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,26, Private,215384, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1974,55, United-States +<=50K,26, Private,166666, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,41, Private,156566, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,140564, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,322208, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,65, Private,420277, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,123430, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, Mexico +>50K,45, Self-emp-inc,151584, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,37, Self-emp-not-inc,348960, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,47, Private,168232, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,45, United-States +>50K,47, Self-emp-inc,201699, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,511517, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,118001, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,193961, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,21, Private,32732, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,223548, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +<=50K,33, Private,389932, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,55, United-States +<=50K,29, Private,102345, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,52, United-States +<=50K,41, Private,107584, Some-college,10, Separated, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,20, ?,34321, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,20, State-gov,39478, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,54, United-States +<=50K,34, Self-emp-not-inc,276221, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,78, Self-emp-inc,385242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,45, United-States +>50K,46, Private,235646, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,123306, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,59, Private,38573, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,216889, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,386705, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,24, United-States +<=50K,47, Self-emp-not-inc,249585, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,31, Local-gov,47276, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,38, United-States +>50K,42, Self-emp-not-inc,162758, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,56, United-States +<=50K,46, Local-gov,146497, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,190765, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,44, United-States +<=50K,21, Private,186314, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,55, Private,213615, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,162322, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,44, State-gov,115932, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,392694, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, State-gov,143517, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,50, Self-emp-inc,123429, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Italy +>50K,53, Private,254285, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,238311, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,36, United-States +>50K,49, Private,281647, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,30, Private,75167, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,252862, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,199240, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, England +<=50K,43, Private,145762, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Local-gov,142443, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,99361, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,105138, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,183171, 11th,7, Never-married, Other-service, Own-child, Black, Male,1055,0,32, United-States +<=50K,18, Private,151866, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,60, Private,297261, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,43, Private,148998, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,143046, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,183850, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,55, Self-emp-not-inc,248841, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,31, Private,198452, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,161092, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,112497, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,155963, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,28, Private,147560, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,24, Private,376393, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, State-gov,151790, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,21, Private,438139, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, ?,163911, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,214896, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,30, Private,102821, Some-college,10, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,44, Self-emp-not-inc,90021, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,45, Private,77085, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,42, Private,158555, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,28160, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,462255, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,144949, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,116207, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,17, Private,187308, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,45, Local-gov,189890, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,185267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,63434, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Private,1366120, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,8, United-States +>50K,41, Self-emp-inc,495061, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,70, United-States +<=50K,34, Local-gov,134886, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1740,35, United-States +>50K,33, Private,129707, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,17, ?,181337, 10th,6, Never-married, ?, Own-child, Other, Female,0,0,20, United-States +<=50K,51, Private,74784, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,33, Private,44392, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,406641, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,18, United-States +>50K,52, Private,89041, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, ?,139770, Some-college,10, Divorced, ?, Own-child, White, Female,0,0,32, United-States +<=50K,25, Private,180212, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, ?,338212, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,64, Self-emp-not-inc,178472, 9th,5, Separated, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,384236, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,29, Private,168470, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,26, Local-gov,80485, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,38, ?,181705, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,24, Private,216867, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,30, Mexico +>50K,43, Federal-gov,214541, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,383239, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +>50K,28, Private,70034, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,266287, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,44, Private,128485, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,81, ?,89015, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +>50K,55, Private,106740, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,167527, 11th,7, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Private,19302, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,210150, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Private,179824, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,36, United-States +<=50K,27, Private,420351, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,23, State-gov,215443, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,15, United-States +<=50K,26, Private,116044, 11th,7, Separated, Craft-repair, Other-relative, White, Male,2907,0,50, United-States +<=50K,33, Private,215306, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Cuba +<=50K,39, Private,108069, Some-college,10, Never-married, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,260046, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,31053, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,362302, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,54, Private,87205, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,45, Private,191703, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,43, Private,242968, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,23, Local-gov,185575, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,177858, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,40, United-States +<=50K,33, Self-emp-not-inc,73585, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,45, Private,301802, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Self-emp-inc,108467, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,47, Private,431245, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,157217, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,204935, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,277112, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,64, Self-emp-inc,59145, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +>50K,30, Local-gov,159773, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +>50K,51, Private,118793, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,26, State-gov,152457, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,187901, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,1504,40, United-States +<=50K,50, Private,266529, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,256179, Some-college,10, Never-married, ?, Own-child, White, Male,594,0,10, United-States +<=50K,63, Private,113756, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,83444, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +>50K,37, Self-emp-inc,30529, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,50, United-States +<=50K,51, ?,146325, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,28, United-States +<=50K,29, Private,198825, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,69, Private,71489, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,56, Private,111218, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, ?,221626, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,39, Local-gov,203482, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,42, Self-emp-not-inc,352196, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,22, United-States +>50K,41, Federal-gov,355918, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,45, Private,168262, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,23, Private,182615, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,211482, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,386370, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,31, ?,85077, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,1902,20, United-States +>50K,46, Local-gov,180010, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Without-pay,142210, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,25, United-States +<=50K,33, Private,415706, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,46, Private,237731, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,343506, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,49, Local-gov,116163, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, France +<=50K,66, ?,206560, HS-grad,9, Widowed, ?, Not-in-family, Other, Female,0,0,35, Puerto-Rico +>50K,55, State-gov,153451, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,1887,40, United-States +<=50K,35, Private,301862, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,33429, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,169583, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,146497, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,16, Germany +>50K,48, Self-emp-not-inc,383384, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,240809, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,56, United-States +<=50K,38, Private,203763, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,218785, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,23, ?,381741, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,1721,20, United-States +<=50K,17, Private,244602, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,44, State-gov,175696, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,101027, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,37, Private,99270, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Female,0,0,40, United-States +>50K,49, Private,224393, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,42, Private,192381, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,131686, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,73, ?,84390, Assoc-voc,11, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,44, Private,277533, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,72880, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,149646, Some-college,10, Divorced, ?, Own-child, White, Female,0,0,20, ? +<=50K,49, Private,209057, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,108909, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,42, Private,74949, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,235639, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,137421, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,37, Hong +<=50K,53, Private,122412, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,434894, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,379959, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,95885, 11th,7, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,13550,0,60, United-States +>50K,39, Private,225330, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,50, Poland +<=50K,40, Private,32627, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,65171, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,193380, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,184823, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,81259, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,35, Private,301369, 12th,8, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,190968, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,71, Private,196610, 7th-8th,4, Widowed, Exec-managerial, Not-in-family, White, Male,6097,0,40, United-States +<=50K,31, Private,330715, HS-grad,9, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Local-gov,77698, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,139770, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,6849,0,40, United-States +<=50K,24, Private,109053, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,69, Private,312653, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +>50K,35, Self-emp-not-inc,193260, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,35, Private,331831, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Private,54202, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,10520,0,50, United-States +>50K,51, Private,163948, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,36228, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,44, United-States +<=50K,49, Private,160167, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,178356, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407,0,99, United-States +<=50K,43, Private,104196, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, Private,288353, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,187693, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,114988, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Local-gov,117392, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,121124, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,195638, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,245053, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,1504,40, United-States +<=50K,49, State-gov,216734, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, ?,197827, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,49156, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,126133, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,304463, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,34, Private,214288, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,274969, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,42, United-States +<=50K,23, Private,189072, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,45, United-States +<=50K,46, Private,128047, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,20, Private,210338, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,63, Private,122442, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,167081, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,50, United-States +<=50K,33, Private,251421, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Federal-gov,219519, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,33355, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,25, Private,441210, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,54, Local-gov,178356, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,231196, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, State-gov,40925, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,270587, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, England +>50K,40, Private,219266, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,27, Private,114967, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,344492, HS-grad,9, Separated, Sales, Own-child, White, Female,0,0,26, United-States +<=50K,22, Private,369387, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,80, Self-emp-not-inc,101771, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,52, Private,137428, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,40, Federal-gov,121012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,48, United-States +<=50K,48, Private,139290, 10th,6, Separated, Machine-op-inspct, Own-child, White, Female,0,0,48, United-States +<=50K,62, Private,199193, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +>50K,32, Private,286689, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +<=50K,21, ?,123727, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,28, United-States +>50K,58, Federal-gov,208640, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,120130, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,29, Self-emp-inc,241431, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,120450, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,152240, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,200960, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,30, Federal-gov,314310, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,44566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,59, Private,21792, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,36, Private,182074, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,221850, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Ecuador +>50K,42, Private,240628, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,34, Private,318641, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +<=50K,27, Self-emp-not-inc,140863, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,129150, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,41, Private,143003, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,7298,0,60, India +>50K,34, Self-emp-not-inc,198664, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,15024,0,70, South +<=50K,41, Private,244945, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,138514, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,92008, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Female,0,0,28, United-States +<=50K,23, Private,207415, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,188626, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,38, Private,257250, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,60, United-States +<=50K,27, Private,133696, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,88, United-States +<=50K,21, Private,195919, 10th,6, Never-married, Handlers-cleaners, Not-in-family, Other, Male,0,0,40, Dominican-Republic +<=50K,41, Private,119266, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,140474, Assoc-acdm,12, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,35, United-States +<=50K,25, Private,69739, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,293176, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,217961, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,40, Local-gov,163725, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,23, Private,419394, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,9, United-States +<=50K,18, Private,220836, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Private,334291, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,298601, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3781,0,40, United-States +<=50K,36, Private,200360, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,203482, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,25, Private,99126, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +>50K,62, Private,109190, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,34, Private,34848, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,4064,0,40, United-States +<=50K,27, Private,29732, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,36, United-States +<=50K,23, Private,87867, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,55, Private,123515, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,175935, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,229456, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +>50K,44, Private,184105, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,4386,0,40, United-States +<=50K,42, Local-gov,99554, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,190227, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,29020, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,45, United-States +<=50K,31, Private,306459, 1st-4th,2, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,35, Honduras +<=50K,42, Private,193995, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,26, Private,105059, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,62, Private,71751, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,98, United-States +>50K,28, Private,176683, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,50, United-States +<=50K,34, Private,342709, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,53838, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,209482, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,44, Private,214242, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,47, ?,34458, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,35, Private,100375, Some-college,10, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,149949, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,189762, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,56, United-States +>50K,46, Private,79874, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,53, United-States +>50K,66, Self-emp-not-inc,104576, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,8, United-States +<=50K,34, State-gov,355700, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,26, Private,213625, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,29, Private,204984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,144593, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, ? +<=50K,23, Private,217169, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,184883, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,44, ?,136419, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,54, Private,57758, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,54, Self-emp-not-inc,30908, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,71, Private,217971, 9th,5, Widowed, Sales, Unmarried, White, Female,0,0,13, United-States +<=50K,51, Private,160703, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,142675, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,75, ?,248833, HS-grad,9, Married-AF-spouse, ?, Wife, White, Female,2653,0,14, United-States +<=50K,57, Private,171242, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Canada +<=50K,34, Private,376979, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,175935, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,14084,0,40, United-States +<=50K,21, Private,277530, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,104501, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,94041, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, Ireland +>50K,37, Local-gov,593246, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,19, Private,121074, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +<=50K,64, Private,192596, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,17, Private,142457, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,37, Private,136028, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,216145, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,4650,0,45, United-States +<=50K,20, Private,157894, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +>50K,39, Self-emp-not-inc,164593, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,4787,0,40, United-States +<=50K,18, Private,252993, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Columbia +>50K,42, Private,145711, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,43, Private,358199, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +>50K,42, Private,219591, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,53, Local-gov,205005, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,52, Private,221936, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,120914, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,77, Self-emp-inc,155761, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,25, Private,195914, Some-college,10, Never-married, Sales, Own-child, Black, Female,3418,0,30, United-States +<=50K,38, Local-gov,236687, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,318036, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,53306, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,174645, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,321817, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,206948, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Federal-gov,402975, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,72, ?,289930, Bachelors,13, Separated, ?, Not-in-family, White, Female,991,0,7, United-States +<=50K,42, Private,367049, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,4650,0,40, United-States +>50K,36, Private,143486, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,27187, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,187717, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,378104, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,113870, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,42, Private,252518, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,24, Private,326334, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,41, Private,279914, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,320451, HS-grad,9, Never-married, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Private,207853, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,78, Self-emp-inc,237294, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,43, Private,112181, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,1902,32, United-States +<=50K,34, State-gov,259705, Some-college,10, Separated, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, ?,117789, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,449432, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,89083, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,59612, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,21, Private,129980, 9th,5, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,108233, Assoc-acdm,12, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,342709, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,126675, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,141118, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,273701, Some-college,10, Never-married, ?, Other-relative, Black, Male,34095,0,10, United-States +<=50K,46, Private,173243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,161092, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,209691, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +<=50K,36, Private,89508, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,399522, 11th,7, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,60, State-gov,136939, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,264436, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,199572, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,28291, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,50, Private,215990, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,179594, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,61, Self-emp-inc,139391, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,35, United-States +>50K,45, Private,187370, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,7430,0,70, United-States +>50K,31, Private,473133, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +>50K,60, Self-emp-not-inc,205246, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,2559,50, United-States +<=50K,26, Private,182308, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,51662, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,289468, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,201954, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,45, Self-emp-not-inc,26781, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,58, Private,100960, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,203761, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,2354,0,40, United-States +<=50K,23, Private,213811, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,49, Private,124672, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,219300, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,22, Private,270436, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,212619, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,193586, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908,0,40, United-States +<=50K,40, Private,84136, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,55, Federal-gov,264834, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, State-gov,98995, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,278254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,167987, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,72887, Bachelors,13, Married-spouse-absent, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,17, Private,176467, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +<=50K,51, Self-emp-not-inc,85902, 10th,6, Widowed, Transport-moving, Other-relative, White, Female,0,0,40, United-States +>50K,37, Private,223433, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,108435, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,172496, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +>50K,35, Private,241998, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,245948, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,2174,0,40, United-States +<=50K,23, Private,187513, Assoc-voc,11, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,440138, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, England +<=50K,24, Private,218215, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,158948, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +>50K,34, Private,94413, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,183598, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,192664, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,33, Private,392812, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,155818, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,195000, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,308205, 5th-6th,3, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,53, Private,104879, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,152307, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,145964, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,97419, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,40, United-States +<=50K,25, ?,12285, Some-college,10, Never-married, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,30, Private,263150, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +<=50K,49, ?,189885, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,23, Private,151888, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,254167, 10th,6, Separated, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,45, Local-gov,331482, Assoc-acdm,12, Divorced, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,61, Local-gov,177189, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,35, Private,186886, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,20, Private,33221, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,27, Private,188171, 10th,6, Never-married, Adm-clerical, Own-child, White, Male,0,0,60, United-States +<=50K,23, Private,209770, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,164488, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,65, Local-gov,180869, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,190350, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Private,137192, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1977,50, South +<=50K,45, Private,204057, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +<=50K,46, Private,198774, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,323,45, United-States +<=50K,67, Private,134906, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,40, Private,174515, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,259363, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,44, Self-emp-not-inc,201742, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,35, Private,209609, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,185127, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,462838, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,48, United-States +>50K,37, Private,176967, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,54, Private,284129, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,33, Federal-gov,37546, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,116666, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,120724, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,40, United-States +<=50K,27, Private,314240, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,3325,0,40, United-States +>50K,49, Private,423222, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Private,201127, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,202239, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,209629, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,59, Private,165922, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,24, Private,133520, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,66, ?,99888, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,176410, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,35, Federal-gov,103214, Doctorate,16, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +>50K,34, Private,122612, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688,0,50, Philippines +>50K,50, Private,226735, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,70, United-States +<=50K,43, Self-emp-inc,151089, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,244312, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,30, El-Salvador +<=50K,33, Private,209317, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,45, El-Salvador +<=50K,48, Private,99096, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,1590,38, United-States +<=50K,22, Private,374116, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Female,0,0,36, United-States +<=50K,29, Private,205249, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,42, Self-emp-not-inc,326083, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,183523, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Hungary +<=50K,36, Private,350783, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +<=50K,66, Local-gov,140849, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,175943, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,20, United-States +<=50K,45, Local-gov,125933, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,225124, HS-grad,9, Divorced, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,272090, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, El-Salvador +<=50K,48, Private,40666, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,35245, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,167482, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,204662, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,291147, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,49, Private,179869, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,205100, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,352139, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,29, United-States +<=50K,39, Private,111268, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,247111, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,271446, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,29, Local-gov,132412, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,74712, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,22, Private,94662, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,44, Self-emp-inc,33126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,43, Private,133584, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,103759, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3942,0,40, United-States +<=50K,63, ?,64448, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,374367, Assoc-voc,11, Separated, Sales, Not-in-family, Black, Male,0,0,44, United-States +<=50K,40, Private,179666, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, Canada +<=50K,18, Private,99219, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,57, Self-emp-inc,180211, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Taiwan +>50K,54, Local-gov,219276, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,44, Private,150011, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,231231, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, Private,182217, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Scotland +<=50K,29, Private,277342, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,140001, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,99651, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,45, Private,223319, Some-college,10, Divorced, Sales, Own-child, White, Male,0,0,45, United-States +>50K,52, Private,235307, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,206343, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, Cuba +<=50K,51, Local-gov,156003, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,529223, Bachelors,13, Never-married, Sales, Own-child, Black, Male,0,0,10, United-States +<=50K,22, Private,202871, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, United-States +>50K,37, Private,58337, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Federal-gov,298643, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Private,191188, 10th,6, Widowed, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +<=50K,30, Private,96287, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, Private,104443, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,323054, 10th,6, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,18, Private,95917, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, Canada +<=50K,34, Private,238305, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,1628,12, ? +<=50K,23, Private,49296, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,23, Private,50953, Some-college,10, Never-married, Priv-house-serv, Own-child, White, Female,0,0,10, United-States +>50K,57, Private,124507, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,58, Private,239523, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,59, Self-emp-not-inc,309124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,240172, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,105010, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,44, Local-gov,135056, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,16, ? +<=50K,25, Private,178478, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,23871, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,362309, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,257781, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,1719,30, United-States +>50K,44, Private,175669, 11th,7, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,36, United-States +>50K,50, Private,297906, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,44, Private,230684, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,53, ?,123011, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,41, Private,170866, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Local-gov,182543, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,60, Self-emp-not-inc,236470, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,33725, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,27, Private,188941, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,3908,0,40, United-States +<=50K,43, Private,206878, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,33, Local-gov,173806, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,190709, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,41, Private,149102, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Poland +<=50K,21, Private,25265, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,100669, Some-college,10, Married-civ-spouse, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,114158, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,228057, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,54012, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,46, Federal-gov,219967, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,239865, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,35, State-gov,119421, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,56, Self-emp-not-inc,220187, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,33068, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,1974,40, United-States +<=50K,41, Self-emp-not-inc,277783, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,2001,50, United-States +<=50K,42, Private,175515, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Local-gov,271795, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,70055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,352806, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, Mexico +<=50K,57, Private,266189, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,42, United-States +<=50K,49, Private,102945, 7th-8th,4, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,173851, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,144092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,198681, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,351810, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,52, Private,180142, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,37, Self-emp-inc,175360, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,224498, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Self-emp-inc,154641, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,60, United-States +<=50K,54, Local-gov,152540, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,42, United-States +>50K,52, Private,217663, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Local-gov,138575, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,56, United-States +<=50K,19, ?,32477, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,65, Private,101104, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,9386,0,10, United-States +<=50K,32, Private,44677, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,456618, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, El-Salvador +<=50K,34, Private,227282, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,27624, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,55, United-States +<=50K,24, Private,281403, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,98, United-States +>50K,63, Federal-gov,39181, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,2559,60, United-States +<=50K,48, Private,377140, 5th-6th,3, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,35, Nicaragua +<=50K,26, Private,299810, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,181916, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,237044, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,12, United-States +>50K,57, Self-emp-inc,123053, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,50, India +<=50K,64, State-gov,269512, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,28, Private,44767, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,28, Private,67218, 7th-8th,4, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,34, Private,176992, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,43712, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +>50K,44, Private,379919, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,104509, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,1639,0,20, United-States +<=50K,18, Private,212370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,36, Private,179666, 12th,8, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +<=50K,73, Self-emp-not-inc,233882, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,2457,40, Vietnam +<=50K,24, Private,197387, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +>50K,29, Local-gov,220656, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,181091, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Federal-gov,135028, HS-grad,9, Separated, Adm-clerical, Other-relative, Black, Female,0,0,35, United-States +<=50K,41, Private,185057, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, ? +<=50K,55, Private,106498, 10th,6, Widowed, Transport-moving, Not-in-family, Black, Female,0,0,35, United-States +<=50K,21, Private,203003, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,223789, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,184026, Some-college,10, Never-married, Prof-specialty, Not-in-family, Other, Male,0,0,50, United-States +>50K,32, ?,335427, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,40, Private,65866, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,213,40, United-States +<=50K,32, Private,372692, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,45607, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,59, State-gov,303176, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2179,40, United-States +<=50K,29, Private,138190, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,1138,40, United-States +<=50K,29, Self-emp-not-inc,212895, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,59, Self-emp-inc,31359, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,80, United-States +>50K,58, Private,147989, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,145290, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,262684, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,1504,45, United-States +<=50K,31, Private,132601, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,30759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,319889, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,66, Private,29431, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,111483, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,184756, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,651396, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,1594,30, United-States +<=50K,30, Private,187560, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,84848, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,75, ?,36243, Doctorate,16, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, State-gov,88913, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,36, United-States +<=50K,19, Private,73190, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,60, Private,132529, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,214542, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,217006, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,169785, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Private,75573, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, Germany +>50K,37, Private,239171, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,53566, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,20, Private,117109, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,24, United-States +<=50K,32, Private,398019, 7th-8th,4, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,15, Mexico +<=50K,18, Private,114008, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,24, Private,204653, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,254935, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,76, ?,84755, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,57, Local-gov,198145, Masters,14, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,14, United-States +<=50K,53, Private,174020, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,1876,38, United-States +<=50K,19, Private,451951, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Local-gov,172175, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,209472, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,336707, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Female,0,0,60, United-States +<=50K,26, ?,431861, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,156728, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,39, Federal-gov,290321, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,49, State-gov,206577, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,149324, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,7, United-States +<=50K,33, ?,49593, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,0,0,30, United-States +>50K,50, Private,98975, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,28, Private,181659, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,30, Private,174789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, Private,102308, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,39, Private,184801, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,176014, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,256861, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,37, Private,239397, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,26, Private,233777, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,55, Private,236520, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,70754, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,245378, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,26, Private,176729, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,32, Private,154120, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,43, Private,88913, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Female,1055,0,40, United-States +<=50K,19, Private,517036, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,38, Private,436361, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,75, United-States +<=50K,38, Private,231037, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,65, Private,209831, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,70, Self-emp-not-inc,143833, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,40, United-States +<=50K,48, ?,167381, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,44, Private,215468, Bachelors,13, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,7, United-States +<=50K,32, Private,200700, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Local-gov,191777, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Female,0,0,40, United-States +>50K,49, Federal-gov,195437, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,149396, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,25, Private,104746, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,16, United-States +<=50K,19, Private,108147, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,238859, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,23157, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,38, Private,497788, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,141558, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,33, Federal-gov,117963, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +>50K,30, Private,232356, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,157941, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,103642, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,169727, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,43, Private,274731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,161572, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +>50K,38, Private,48779, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Private,141511, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Private,314153, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,30, Private,168334, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,30, United-States +>50K,42, Local-gov,267252, Masters,14, Separated, Exec-managerial, Unmarried, Black, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,312055, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,32, Private,207937, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,232653, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,246841, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,154087, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,199011, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +>50K,51, Self-emp-not-inc,205100, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +<=50K,36, Private,177907, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,2176,0,20, ? +<=50K,24, Private,50400, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,41, Local-gov,97064, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,21, Private,65038, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,292472, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,1876,45, Cambodia +<=50K,17, Private,225211, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,45, Private,320192, 1st-4th,2, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,39, State-gov,119421, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,625,35, United-States +<=50K,21, Private,83580, Some-college,10, Never-married, Prof-specialty, Own-child, Amer-Indian-Eskimo, Female,0,0,4, United-States +>50K,29, Private,133696, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,45, United-States +>50K,39, Private,141584, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,2444,45, United-States +<=50K,42, Private,529216, HS-grad,9, Separated, Transport-moving, Other-relative, Black, Male,0,0,40, United-States +<=50K,22, Private,390817, 5th-6th,3, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,40, Mexico +<=50K,21, ?,85733, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,155976, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,221172, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,270842, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,82622, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,371064, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +>50K,45, Private,54744, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +<=50K,29, Private,22641, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,45, United-States +<=50K,21, Private,218957, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,51, Private,441637, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,143699, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,183096, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,45, Private,97176, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,16, United-States +>50K,38, Self-emp-not-inc,122493, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,22, Private,311376, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,78928, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,3137,0,40, United-States +<=50K,62, Private,123582, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Federal-gov,174215, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,36, Private,183902, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,4, United-States +<=50K,43, Private,247880, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,256636, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,152875, Bachelors,13, Married-civ-spouse, ?, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,28, Private,22422, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,55, United-States +<=50K,49, ?,178215, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,28, United-States +>50K,47, Local-gov,194360, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,7, United-States +<=50K,59, Private,247187, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,63921, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,224889, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,178564, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,57, Private,47619, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,41, Private,92775, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,37, Private,50837, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,20, Local-gov,235894, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,244974, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Local-gov,526734, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +>50K,38, Self-emp-not-inc,243484, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,28, United-States +<=50K,23, Private,201664, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,24, Private,234640, HS-grad,9, Married-spouse-absent, Sales, Own-child, White, Female,0,0,36, United-States +>50K,46, Private,268022, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,223267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Self-emp-not-inc,99199, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,137076, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,115411, Some-college,10, Divorced, Sales, Own-child, White, Male,2174,0,45, United-States +<=50K,51, Private,313146, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,69, Self-emp-not-inc,29980, 7th-8th,4, Never-married, Farming-fishing, Other-relative, White, Male,1848,0,10, United-States +>50K,39, Self-emp-inc,543042, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,50, United-States +<=50K,43, Private,271807, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Federal-gov,97934, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,5178,0,40, United-States +<=50K,43, Private,191196, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,264627, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,84, United-States +<=50K,32, Private,183801, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,209227, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,21, United-States +<=50K,64, Private,216208, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,377095, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,317535, 1st-4th,2, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0,0,40, Mexico +>50K,40, Private,247880, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,152246, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,23, Private,428299, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,161708, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,19, Private,167859, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,61, Private,85194, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,25, United-States +<=50K,47, Self-emp-inc,119471, 7th-8th,4, Never-married, Craft-repair, Not-in-family, Other, Male,0,0,40, ? +<=50K,39, Private,117683, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,51, Private,139347, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,25, Private,427744, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,122116, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,34, State-gov,227931, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,54, Self-emp-not-inc,226497, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,83783, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,197113, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Other, Male,0,0,50, Puerto-Rico +<=50K,33, Private,204742, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,63, ?,331527, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +>50K,31, Private,213179, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,70, Self-emp-inc,188260, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +<=50K,43, Private,298161, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Nicaragua +>50K,36, Private,143774, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,12, United-States +<=50K,50, Local-gov,139296, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,152389, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,31, Private,309974, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, ?,37085, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,39, Private,270059, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,29, Private,130045, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,39, Private,188038, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Private,168203, 7th-8th,4, Never-married, Farming-fishing, Other-relative, Other, Male,0,0,40, Mexico +<=50K,46, Private,171807, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,62, Private,186696, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,177531, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,23, United-States +<=50K,28, Private,115464, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Private,501144, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,40, United-States +<=50K,61, Local-gov,180079, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064,0,40, United-States +<=50K,18, Private,205894, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, ? +>50K,39, Self-emp-not-inc,218490, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,50, ? +<=50K,24, Local-gov,203924, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,91857, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,38, Private,229700, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,158704, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,28, Private,190911, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,139176, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +>50K,61, Private,119684, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,20, United-States +<=50K,69, Private,124930, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2267,40, United-States +<=50K,19, Private,168693, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,26, Private,250038, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,34, Self-emp-inc,353927, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,216390, 9th,5, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,2653,0,40, United-States +<=50K,21, Private,230248, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,43, Private,117728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,52, Private,115851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Private,193335, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,203894, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,53, Self-emp-not-inc,100109, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +>50K,55, State-gov,157639, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,235320, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,127686, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,39, Private,28572, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,48, United-States +<=50K,78, ?,91534, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +<=50K,30, Private,184687, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,22, Private,267945, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,43, Private,131899, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,192614, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,56, United-States +>50K,36, Private,186808, Bachelors,13, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,44116, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Federal-gov,46442, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Federal-gov,78022, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,417668, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,41, Private,223763, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Private,223851, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,24, United-States +<=50K,38, Local-gov,115634, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,114459, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,197093, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,20, United-States +<=50K,31, Self-emp-not-inc,357145, Doctorate,16, Never-married, Prof-specialty, Own-child, White, Female,0,0,48, United-States +<=50K,29, Private,59231, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,26, Private,292303, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,122288, Some-college,10, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,36, United-States +<=50K,26, Federal-gov,52322, Bachelors,13, Never-married, Tech-support, Not-in-family, Other, Male,0,0,60, United-States +<=50K,27, Local-gov,105830, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,36, Private,107125, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,28, Federal-gov,281860, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,283320, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, State-gov,26598, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,220783, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, ?,121694, 7th-8th,4, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,208302, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,34, United-States +<=50K,34, Local-gov,172664, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,54611, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Private,631947, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,394484, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, ?,239120, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,13, United-States +>50K,38, Federal-gov,37683, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,99999,0,57, Canada +>50K,47, Local-gov,193012, Masters,14, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,50, United-States +>50K,48, Private,143098, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,40, China +<=50K,57, Private,84888, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,188503, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Private,337778, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,94432, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,168906, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,116143, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,128272, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,14, United-States +>50K,64, Federal-gov,301383, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,45, United-States +<=50K,46, Private,174995, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,24, State-gov,289909, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,154641, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,209034, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3942,0,40, United-States +<=50K,30, Private,203488, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +>50K,34, Private,141118, Masters,14, Divorced, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,30, Private,169589, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,137645, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,58, Local-gov,489085, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,36302, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,253420, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,35, Private,269300, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,282609, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, Honduras +<=50K,46, Private,346978, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,71, Private,182395, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,11678,0,45, United-States +<=50K,44, Private,205051, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,128736, 10th,6, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,236110, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +>50K,38, Private,312271, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,126978, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,47, Private,204692, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,195956, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,35, United-States +<=50K,59, State-gov,202682, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,231912, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,37, United-States +>50K,44, Local-gov,24982, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,76, Private,278938, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,50, Local-gov,36489, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Local-gov,154874, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,74581, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,27, Private,311446, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,5178,0,40, United-States +<=50K,37, Self-emp-inc,162164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,239708, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,49, Self-emp-not-inc,162856, Some-college,10, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,85109, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,49, Private,169042, HS-grad,9, Separated, Prof-specialty, Unmarried, White, Female,0,625,40, Puerto-Rico +<=50K,22, Private,436798, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,345363, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, England +<=50K,36, Private,49837, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, ?,296516, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,30, State-gov,180283, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Local-gov,95639, HS-grad,9, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,42, Private,33155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,56, Private,329059, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,55, Private,24694, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,443855, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,52, ?,294691, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,301867, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,35, United-States +<=50K,55, Private,226875, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +>50K,47, Private,362835, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,180339, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,65, United-States +<=50K,55, Self-emp-inc,207489, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, Germany +<=50K,43, Private,336643, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,143653, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,62, State-gov,101475, Assoc-acdm,12, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,263871, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,8, United-States +>50K,38, Self-emp-not-inc,77820, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,95465, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,42, United-States +<=50K,26, Private,257910, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +>50K,26, Private,244372, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,52, United-States +<=50K,37, Self-emp-not-inc,126738, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +>50K,79, Self-emp-inc,97082, 12th,8, Widowed, Sales, Not-in-family, White, Male,18481,0,45, United-States +<=50K,61, Private,133164, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,28, Self-emp-not-inc,104617, 7th-8th,4, Never-married, Other-service, Other-relative, White, Female,0,0,99, Mexico +>50K,60, Self-emp-inc,105339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +<=50K,51, Self-emp-inc,258735, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,81, United-States +>50K,34, Private,182926, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,35, Private,166193, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Local-gov,206125, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,346594, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,108301, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,32, Private,73498, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,129150, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,181280, Masters,14, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, United-States +>50K,40, Private,146908, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,43, Private,183765, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, ? +<=50K,25, Private,164488, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,307468, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,30, Private,93884, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,26, Private,279833, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,2258,45, United-States +<=50K,52, Private,137658, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,32, Private,101562, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,33, Private,136331, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,259846, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,98719, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,44, United-States +<=50K,62, Self-emp-not-inc,168682, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,5, United-States +<=50K,40, Self-emp-not-inc,198953, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Female,0,0,2, United-States +<=50K,41, ?,29115, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,28, Private,173673, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Mexico +<=50K,23, Private,67958, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Federal-gov,98980, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,51, State-gov,94174, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,63, Self-emp-not-inc,122442, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +<=50K,63, Federal-gov,154675, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,116632, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, ?,238685, 11th,7, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,61, ?,139391, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,99999,0,30, United-States +<=50K,40, Private,169031, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,237452, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,15, Cuba +<=50K,41, Private,216968, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, ? +>50K,27, ?,216479, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,24, United-States +<=50K,20, State-gov,126822, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +>50K,28, Private,51461, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,35, Private,54953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,222654, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,34, Private,37676, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,57, Private,159319, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,125321, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,209609, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,224947, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,438427, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,384276, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,196805, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,65, United-States +<=50K,27, Private,242097, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,184306, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,161954, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Germany +<=50K,65, Private,258561, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,57, Self-emp-not-inc,95280, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,45, United-States +<=50K,59, Private,212783, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,18, Private,205004, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,26, United-States +<=50K,44, Local-gov,387844, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,83880, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,161155, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,265698, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,59, Self-emp-inc,146477, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,97261, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, State-gov,437890, HS-grad,9, Never-married, Exec-managerial, Unmarried, Black, Male,0,0,90, United-States +>50K,68, Self-emp-not-inc,133736, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,63, Private,169983, 11th,7, Widowed, Sales, Not-in-family, White, Female,2176,0,30, United-States +<=50K,37, Private,126675, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,46, Local-gov,175754, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,60, United-States +<=50K,31, Private,121768, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, Poland +<=50K,23, Private,180052, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,124454, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Private,190115, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1672,44, United-States +<=50K,36, Private,222584, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,22245, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Local-gov,114160, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,45, United-States +<=50K,24, Private,228960, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,132572, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,47, Private,103020, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, Other, Female,0,0,40, Puerto-Rico +>50K,40, Private,187802, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1887,40, United-States +<=50K,31, Local-gov,50649, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Private,137698, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +>50K,48, Self-emp-inc,30575, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,56, Private,202220, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,0,0,38, United-States +>50K,50, Private,50178, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,207791, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,21, Private,540712, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,1719,25, United-States +<=50K,50, Private,321770, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,202053, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,34, Private,143699, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +>50K,32, Self-emp-not-inc,115066, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,28, Private,223751, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-inc,354075, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,32732, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,24, State-gov,390867, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,31, Private,101697, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,279721, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,223400, Assoc-acdm,12, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,35, Poland +<=50K,46, ?,206357, 5th-6th,3, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +>50K,39, Private,76417, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, ?,184682, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,18, United-States +<=50K,21, Private,78170, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,39, Private,201410, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,189013, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,33, Private,119913, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,549174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,214706, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,30, ?,33811, Bachelors,13, Married-civ-spouse, ?, Wife, Other, Female,0,0,40, Taiwan +<=50K,43, Private,234220, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, Cuba +<=50K,22, Private,237720, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,25, Private,185942, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,69, Local-gov,286983, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,140027, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,18, ?,115258, 11th,7, Never-married, ?, Own-child, White, Male,0,0,12, United-States +<=50K,54, Private,155408, HS-grad,9, Widowed, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,65, ?,117963, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,158737, 12th,8, Married-civ-spouse, Machine-op-inspct, Other-relative, Other, Male,0,0,40, Ecuador +<=50K,27, Local-gov,199471, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,38, United-States +>50K,35, Private,287701, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, United-States +>50K,38, Private,137707, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,33, State-gov,108116, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,366900, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,187355, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,60, Canada +>50K,38, Private,33105, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,70, United-States +<=50K,51, Self-emp-not-inc,268639, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,2057,60, Canada +<=50K,26, Private,358975, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, Hungary +>50K,33, Private,199227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,248249, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,460437, 9th,5, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,187294, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,44, Private,115932, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,181762, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,55, United-States +<=50K,21, Private,27049, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,41, Private,806552, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,41, Private,150755, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, Canada +>50K,62, Private,69867, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,27, Private,160786, 11th,7, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, Germany +>50K,38, Private,219546, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,24872, Some-college,10, Separated, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Female,0,0,30, United-States +<=50K,24, Private,110371, 12th,8, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +<=50K,24, ?,376474, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,304602, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,32, ?,143699, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,238917, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,24, Mexico +<=50K,51, Private,200618, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,31, Private,183043, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,42, Local-gov,209752, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,48, ?,175653, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Female,14084,0,40, United-States +>50K,49, Private,196707, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,43, United-States +<=50K,37, Local-gov,98725, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,42, United-States +>50K,37, Self-emp-not-inc,180150, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,66, Private,151227, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,118847, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,24, United-States +<=50K,46, Private,282538, Assoc-voc,11, Separated, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,89534, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,291011, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,67, Private,166187, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Male,0,0,38, United-States +<=50K,19, Private,188669, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,37, Private,178948, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,42, Self-emp-inc,188738, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, Italy +<=50K,39, Self-emp-not-inc,160808, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,54, Private,93605, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,46, Private,318331, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, ?,109921, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,32, United-States +<=50K,33, Private,87605, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, Self-emp-not-inc,89477, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Female,0,0,14, United-States +<=50K,21, Private,48301, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,220748, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,48, United-States +>50K,39, Private,387068, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,250743, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,26, Private,78258, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,42, Private,31387, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,36, Private,289190, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,604537, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,35, Private,328466, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,42, Private,403187, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +>50K,37, Private,219546, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,44, United-States +>50K,41, Private,220531, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,204648, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,201908, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,44, ?,109912, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,16, United-States +<=50K,18, Private,365683, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +>50K,41, Private,175674, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,203488, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,106406, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,172756, 1st-4th,2, Widowed, Machine-op-inspct, Not-in-family, White, Female,2062,0,34, Ecuador +>50K,37, Private,125167, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,249339, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,94652, Some-college,10, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,40, Private,195394, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,25, Private,130302, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +>50K,38, Private,66686, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,336042, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,193586, Some-college,10, Separated, Farming-fishing, Other-relative, White, Female,0,0,40, United-States +>50K,44, Private,325461, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,60, Local-gov,313852, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, Local-gov,30509, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,55, United-States +<=50K,21, Local-gov,32639, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,18, Private,234953, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +>50K,49, Private,120629, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,27828,0,60, United-States +<=50K,43, Private,350379, 5th-6th,3, Divorced, Priv-house-serv, Unmarried, White, Female,0,0,40, Mexico +<=50K,26, ?,176967, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,65, United-States +>50K,36, Private,36423, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,25, United-States +>50K,31, Private,123397, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,5178,0,35, United-States +<=50K,38, Private,130813, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,35236, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,58, Private,33350, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,55, Private,177380, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,29, United-States +<=50K,39, Private,216129, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,35, Jamaica +<=50K,38, Private,335104, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,54, Self-emp-not-inc,199741, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,2001,35, United-States +<=50K,57, Self-emp-inc,165881, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,387777, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +>50K,44, Self-emp-not-inc,149943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,60, Taiwan +<=50K,36, Private,188834, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,290661, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,155603, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,2205,40, United-States +<=50K,25, Private,114838, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,8, Italy +<=50K,54, Local-gov,168553, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,103064, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,123833, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,60, Federal-gov,55621, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,66, Local-gov,189834, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,36, Private,217926, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,50, United-States +>50K,29, Self-emp-not-inc,341672, HS-grad,9, Married-spouse-absent, Transport-moving, Other-relative, Asian-Pac-Islander, Male,0,1564,50, India +<=50K,29, Private,163003, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,2202,0,40, Taiwan +<=50K,25, Private,194352, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,44, United-States +<=50K,62, ?,54878, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,23, Private,393248, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,279315, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,33, Private,392812, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,49, Self-emp-inc,34998, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,57, Self-emp-inc,51016, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,57, Local-gov,132717, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,186078, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,45, United-States +>50K,37, Self-emp-inc,196123, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,43, Self-emp-inc,304906, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,41521, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,40, Private,346847, Assoc-voc,11, Separated, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,39, Self-emp-not-inc,107233, HS-grad,9, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,39, Private,150125, Assoc-acdm,12, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,400535, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,409622, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,36, Mexico +<=50K,27, Private,136448, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,202950, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Iran +>50K,40, Local-gov,197012, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Female,8614,0,40, England +<=50K,57, Private,237691, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,170277, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,160784, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,33798, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,197838, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,223212, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,33, Private,125762, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,283969, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,15, United-States +<=50K,25, Private,374163, 12th,8, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,60, Mexico +<=50K,49, State-gov,118567, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,147655, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,45, Private,82797, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,36, Local-gov,142573, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,235167, 5th-6th,3, Married-spouse-absent, Priv-house-serv, Not-in-family, White, Female,0,0,32, Mexico +<=50K,23, Private,53245, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1602,12, United-States +>50K,47, Private,28035, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,247082, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,123397, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Local-gov,133327, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,102270, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,64, ?,45817, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,240988, 9th,5, Married-civ-spouse, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,19, Private,386378, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,31, State-gov,350651, 12th,8, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,18, State-gov,76142, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +<=50K,68, Private,73773, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,50, ?,281504, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,293358, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,48, United-States +>50K,44, Private,146906, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,58, Self-emp-not-inc,331474, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,20, Private,213719, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,18, Private,101795, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,228265, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,49, Self-emp-not-inc,130206, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,324254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,223019, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,189666, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,139086, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,359327, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,44, Self-emp-not-inc,75065, 12th,8, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, Vietnam +<=50K,55, Private,139843, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,21, Private,34310, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2603,40, United-States +<=50K,54, Private,346014, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,40, United-States +<=50K,39, Local-gov,163278, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,2202,0,44, United-States +<=50K,52, Private,31460, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,38, United-States +>50K,57, Self-emp-inc,33725, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,67, ?,63552, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,58, State-gov,300623, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Local-gov,177072, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Male,0,0,16, United-States +<=50K,66, ?,37331, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,41, Private,167725, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,131180, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,16, United-States +>50K,58, Private,275859, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,8614,0,52, Mexico +<=50K,50, Private,275181, 5th-6th,3, Divorced, Other-service, Not-in-family, White, Male,0,0,37, Cuba +<=50K,31, Private,398988, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,222654, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,111129, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,26, Self-emp-not-inc,137795, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,33, Local-gov,242150, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,35, State-gov,237873, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Private,367749, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,26, Private,206600, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Mexico +<=50K,48, Federal-gov,247043, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,187702, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,41718, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +>50K,37, Private,151835, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,118938, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,48, Private,224870, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, Other, Female,0,0,38, Ecuador +<=50K,45, Private,178341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,61343, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,36989, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,226296, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,51, United-States +<=50K,29, Private,186624, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Cuba +<=50K,19, Private,172582, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,53, State-gov,227392, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,187563, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,71, Private,137499, HS-grad,9, Widowed, Sales, Other-relative, White, Female,0,0,16, United-States +<=50K,38, Private,239397, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, Mexico +<=50K,39, Local-gov,327164, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,140798, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Self-emp-inc,187450, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,194580, 5th-6th,3, Divorced, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +>50K,41, Private,372682, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,235442, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,30, Private,128065, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,91545, 10th,6, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,36, United-States +<=50K,26, Private,154604, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Federal-gov,192150, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,216522, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,42, United-States +>50K,58, Private,156040, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1848,40, United-States +<=50K,24, Private,206861, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,97632, Some-college,10, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,32, United-States +<=50K,27, Private,189530, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,28, State-gov,381789, Some-college,10, Separated, Exec-managerial, Own-child, White, Male,0,2339,40, United-States +<=50K,57, Self-emp-inc,368797, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,41183, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,191062, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,132963, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,153551, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,27, Self-emp-not-inc,66473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,240323, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,17, United-States +>50K,68, Local-gov,242095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,40, United-States +<=50K,33, Self-emp-inc,128016, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,29526, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,18, United-States +<=50K,26, Private,342953, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Private,215476, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,30, United-States +<=50K,53, Private,231919, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,52537, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Male,0,0,38, United-States +<=50K,18, Private,27920, 11th,7, Never-married, Exec-managerial, Own-child, White, Female,0,0,25, United-States +>50K,53, Private,153052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,199303, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,233369, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,345789, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +>50K,60, Private,238913, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,28, Self-emp-not-inc,195607, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,245173, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,1669,45, United-States +<=50K,37, Private,138441, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,67467, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,46, Private,102569, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +<=50K,21, Private,213341, 11th,7, Married-spouse-absent, Handlers-cleaners, Own-child, White, Male,0,1762,40, Dominican-Republic +<=50K,26, Private,37202, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,47, Private,140219, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,298860, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,22, Private,51362, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,16, United-States +<=50K,36, Private,199947, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,59, Self-emp-not-inc,32552, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,183845, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, El-Salvador +<=50K,33, Private,181091, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, England +<=50K,53, Self-emp-inc,135643, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,50, South +<=50K,44, State-gov,96249, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,40, United-States +<=50K,55, Private,181220, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,56, Private,133025, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,54, Self-emp-not-inc,124865, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,51, Private,45599, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,194293, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,2463,0,38, United-States +>50K,43, Private,102180, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,121130, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,138768, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,43, State-gov,98989, HS-grad,9, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, State-gov,126327, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,113364, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,18, United-States +<=50K,30, Private,326199, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2580,0,40, United-States +<=50K,46, Private,376789, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,27, Private,137063, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,279145, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,36, Private,178815, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,8614,0,40, United-States +<=50K,25, Self-emp-not-inc,245369, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,30, Federal-gov,49593, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,46, State-gov,238648, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,7298,0,40, United-States +>50K,47, Private,166181, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,48, United-States +>50K,66, Self-emp-inc,249043, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,5556,0,26, United-States +<=50K,43, Private,156403, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,128529, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +>50K,36, Federal-gov,186934, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1848,55, United-States +<=50K,46, ?,148489, HS-grad,9, Married-spouse-absent, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,44, Local-gov,387770, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,15, United-States +<=50K,42, Private,115511, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,39, Private,201410, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1977,45, Philippines +>50K,36, Private,220585, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,60, Self-emp-not-inc,282066, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,45, United-States +>50K,37, Private,280966, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,291586, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,142227, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,17, ?,104025, 11th,7, Never-married, ?, Own-child, White, Male,0,0,18, United-States +<=50K,45, Local-gov,148254, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,54, Private,170562, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,222490, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,63, Local-gov,57674, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,233624, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,27, Private,42734, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,33, Private,233107, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,33, Mexico +<=50K,64, Private,143110, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Private,195844, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,115896, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,303851, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,172475, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,53, Self-emp-not-inc,30008, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,33, Local-gov,147921, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Federal-gov,172716, 12th,8, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,155057, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,43, ?,152569, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,2339,36, United-States +<=50K,80, Self-emp-not-inc,132728, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +<=50K,31, Private,195136, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,40, Private,377322, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,293941, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,182123, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,38, Private,32528, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,33, Private,140206, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,378221, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Mexico +<=50K,23, Private,211601, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,119411, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,52, Self-emp-not-inc,240013, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,24, Private,95552, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,183710, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,36, Private,189382, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,380633, 5th-6th,3, Widowed, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,54, Private,53407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,150480, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,40, Private,175674, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,375313, HS-grad,9, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,21, ?,278391, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,23, Private,212888, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-inc,487085, 7th-8th,4, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,22, Private,174461, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,55, Local-gov,133201, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,71, Private,77253, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,17, United-States +>50K,47, Private,141511, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,17, Self-emp-inc,181608, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,12, United-States +>50K,31, Private,127610, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,32, Private,154571, Some-college,10, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +>50K,46, Private,33842, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,40, United-States +<=50K,27, Private,150080, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,39, Federal-gov,30916, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,40, Private,151294, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,48, United-States +<=50K,30, Private,48829, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,1602,30, United-States +<=50K,17, Private,193769, 9th,5, Never-married, Other-service, Unmarried, White, Male,0,0,20, United-States +<=50K,33, Private,277455, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Private,225780, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +>50K,34, Federal-gov,436341, Some-college,10, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,65, Private,255386, HS-grad,9, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,36, Private,174938, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +<=50K,32, Private,174789, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,245628, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, Mexico +<=50K,22, Private,228752, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,354148, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,48, United-States +<=50K,31, Private,192900, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,190391, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,38, Private,353263, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, Italy +<=50K,34, Private,113198, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,28, United-States +>50K,44, Private,207578, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,93206, Some-college,10, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,50, Local-gov,163998, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +<=50K,47, Private,111961, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,20, Private,219122, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,111445, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,38, United-States +>50K,29, Federal-gov,309778, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,223020, Assoc-voc,11, Never-married, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,42, Private,303155, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,41035, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,68, Private,159191, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Local-gov,244408, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,72, Self-emp-not-inc,473748, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,45, Federal-gov,71823, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,20, United-States +<=50K,30, Local-gov,83066, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,150154, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,190786, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,178033, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,4416,0,60, United-States +<=50K,25, Self-emp-not-inc,159909, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,190885, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +<=50K,25, Private,243786, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +>50K,31, State-gov,124020, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,159016, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +>50K,37, Private,183800, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,193434, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,245029, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,55, Private,98746, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, Canada +>50K,46, Federal-gov,140664, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,44, Private,344920, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,1617,20, United-States +<=50K,44, Private,169980, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,60, United-States +<=50K,28, State-gov,155397, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,42, Private,245317, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,74182, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,280570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,64, Self-emp-not-inc,30664, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,109952, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,45, Local-gov,192793, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,243442, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,36, Federal-gov,106297, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,328060, 9th,5, Separated, Other-service, Unmarried, Other, Female,0,0,40, Mexico +<=50K,33, Self-emp-not-inc,48702, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +>50K,51, Self-emp-not-inc,111283, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,99999,0,35, United-States +<=50K,36, Private,484024, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,208470, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,172032, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,51, United-States +<=50K,40, Private,29927, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, England +<=50K,46, Private,98012, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,108468, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,207301, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,1980,40, United-States +<=50K,26, Private,168403, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,66935, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,42044, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,184806, Prof-school,15, Never-married, Prof-specialty, Other-relative, White, Male,0,0,50, United-States +<=50K,39, Private,1455435, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,445382, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,37, Private,278576, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,79, Self-emp-not-inc,84979, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,36, Private,659504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,44, Private,136986, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,278107, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1573,30, United-States +<=50K,27, Private,96219, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +>50K,46, Self-emp-not-inc,131091, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,58, Private,205410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,416745, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +>50K,36, Private,180667, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,60, United-States +<=50K,21, Private,72119, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,41, State-gov,108945, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,14344,0,40, United-States +<=50K,49, Federal-gov,195949, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,34, Private,101345, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,439263, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,35, Peru +>50K,63, Private,213095, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Federal-gov,59932, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,172815, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,40915, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,42, Private,139012, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,44, Private,121781, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,37, United-States +<=50K,51, ?,130667, HS-grad,9, Separated, ?, Not-in-family, Black, Male,0,0,6, United-States +<=50K,41, Self-emp-not-inc,147110, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,25, United-States +<=50K,22, Local-gov,237811, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, Haiti +<=50K,36, ?,128640, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,18, Private,111476, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Local-gov,289716, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,141944, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,49, Private,323773, 11th,7, Married-civ-spouse, Priv-house-serv, Other-relative, White, Female,0,0,40, United-States +<=50K,41, State-gov,176663, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,52, Private,155233, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,143327, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Federal-gov,177212, Some-college,10, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,123088, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,30, Local-gov,47085, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,102106, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,235894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Self-emp-not-inc,172046, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,20, Self-emp-not-inc,197207, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, Private,152452, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,172928, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,36, ?,214896, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,49, Private,116338, HS-grad,9, Separated, Prof-specialty, Unmarried, White, Female,0,653,60, United-States +>50K,48, Private,276664, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,22, Private,59924, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,194141, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,1617,40, United-States +<=50K,51, Private,95128, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,292504, Some-college,10, Married-spouse-absent, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Self-emp-inc,45796, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, Private,119359, Prof-school,15, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,15024,0,40, South +<=50K,52, State-gov,104280, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,57, Private,172291, HS-grad,9, Divorced, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,35, Private,180988, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,39, United-States +>50K,52, Private,110748, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,59, ?,556688, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,12, United-States +<=50K,36, Private,22494, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,267859, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +<=50K,67, Local-gov,256821, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,20, United-States +<=50K,31, Self-emp-not-inc,117346, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,62374, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,314659, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,72, ?,114761, 7th-8th,4, Widowed, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,36, Private,93225, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,165315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,56, Private,124771, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,27408, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,198841, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,271792, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,64289, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,183390, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, Private,240771, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,50, United-States +<=50K,30, Private,234919, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, El-Salvador +<=50K,20, Private,88231, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,154422, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,37, Private,119098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,53, State-gov,151580, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,40, United-States +<=50K,54, Private,118793, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,32, ?,30499, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,32, United-States +>50K,34, ?,166545, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,7688,0,6, United-States +>50K,30, Private,271710, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,43, State-gov,308498, HS-grad,9, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,172695, Assoc-voc,11, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,29962, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,62, Private,200332, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,291702, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,67234, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,168038, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,32, United-States +<=50K,34, Private,137814, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,64, Private,126233, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,42, Self-emp-not-inc,79036, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,60, Self-emp-not-inc,327474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,44, Private,145160, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,58, United-States +<=50K,67, ?,37092, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,45, Private,129387, Assoc-acdm,12, Divorced, Tech-support, Unmarried, White, Female,0,0,40, ? +>50K,53, Self-emp-not-inc,33304, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +>50K,37, Private,359001, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,50, United-States +<=50K,32, ?,143162, 10th,6, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,133515, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,28, Private,168901, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,55, Private,750972, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,58, Private,142924, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,74, Self-emp-inc,228075, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,25, United-States +<=50K,27, Private,91189, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,290609, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, ?,31102, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,4, South +<=50K,44, Self-emp-not-inc,216921, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,120046, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,324629, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Yugoslavia +>50K,45, Private,81132, Some-college,10, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,29, Private,160279, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,229732, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,61, Local-gov,144723, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,29, Private,148431, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, Other, Female,7688,0,45, United-States +<=50K,22, Private,160398, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,38, United-States +<=50K,28, Private,129460, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,30, Private,252752, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,58222, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,28, ?,424884, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,30, United-States +>50K,45, Private,114459, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,46400, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,24, United-States +<=50K,42, Private,223934, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,84119, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,159123, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,195532, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,191299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,40, Private,198316, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,162301, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,35, Private,143152, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,3908,0,27, United-States +<=50K,24, Private,92609, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,27, Private,247819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +>50K,27, Local-gov,229223, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,142719, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,80, Private,86111, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,23, State-gov,35633, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Private,164749, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,607848, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,173630, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,90, Private,311184, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, ? +<=50K,55, Private,49737, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,72, Private,183616, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, England +<=50K,65, Private,129426, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,454915, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,55568, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,38, Private,29874, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,393715, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,50, Private,143953, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +>50K,54, Private,90363, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Private,53727, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,130021, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,50, Private,173630, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,410351, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,399386, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,53, United-States +<=50K,55, Private,157932, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,133061, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,46400, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,21, Private,107895, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +<=50K,39, Private,63021, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,43, Private,186144, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,27959, HS-grad,9, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,26, Private,179569, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,45, State-gov,101299, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,113129, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,65, United-States +<=50K,32, Private,316470, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, Mexico +<=50K,60, Self-emp-not-inc,89884, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,41, Private,32121, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,315303, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,20, United-States +<=50K,27, Private,254500, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,36, United-States +<=50K,33, Private,419895, 5th-6th,3, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, Mexico +<=50K,43, Private,159549, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,27, Private,160786, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,18, Self-emp-not-inc,258474, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,48, Self-emp-not-inc,370119, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,50837, 7th-8th,4, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,58, Private,137506, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,57, Private,548256, 12th,8, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688,0,40, United-States +>50K,42, Local-gov,175642, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,99999,0,40, United-States +<=50K,24, Private,183594, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,341353, Bachelors,13, Never-married, Other-service, Other-relative, White, Male,0,0,15, United-States +<=50K,43, Self-emp-inc,247981, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,5455,0,50, United-States +<=50K,34, Private,193565, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,39606, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,127149, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,31, ?,233371, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,45, United-States +>50K,49, Self-emp-not-inc,182752, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,26, Private,269060, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,179949, HS-grad,9, Divorced, Transport-moving, Unmarried, Black, Female,0,0,20, United-States +<=50K,22, Federal-gov,32950, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1902,37, United-States +<=50K,26, Private,160445, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,223999, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,1848,40, United-States +<=50K,39, Private,81487, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,625,40, United-States +<=50K,23, Private,314539, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,337721, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,42, Local-gov,100793, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,39, Federal-gov,255407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,92775, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,33308, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,68, State-gov,493363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +>50K,30, ?,159589, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,46, United-States +<=50K,32, Private,107218, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,25, Private,123586, Some-college,10, Never-married, Adm-clerical, Unmarried, Other, Male,0,0,40, United-States +<=50K,53, Private,158352, 5th-6th,3, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,24, Italy +>50K,38, Private,76317, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,62, ?,176753, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,122346, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,463194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,162228, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,115005, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, State-gov,183285, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,36, United-States +<=50K,34, Private,169605, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,24, Private,450695, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,44, Local-gov,124692, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,19, Private,63918, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,102569, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,289309, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,48, United-States +<=50K,45, Private,101825, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,43, Private,206833, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,45, United-States +<=50K,22, ?,77873, 9th,5, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +>50K,50, Private,145333, Doctorate,16, Divorced, Prof-specialty, Other-relative, White, Male,10520,0,50, United-States +<=50K,72, ?,194548, Some-college,10, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,29, Private,206351, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,198200, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,140001, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, El-Salvador +<=50K,22, ?,287988, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,15, United-States +<=50K,21, Private,143604, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,30, Self-emp-not-inc,146161, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,37, Private,196529, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,2354,0,40, ? +<=50K,74, Self-emp-not-inc,192413, Prof-school,15, Divorced, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,70, Self-emp-not-inc,139889, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,2653,0,70, United-States +<=50K,27, Private,104917, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Local-gov,161478, Bachelors,13, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,46, United-States +<=50K,30, Private,35644, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,29, Local-gov,116751, Assoc-voc,11, Divorced, Protective-serv, Unmarried, White, Male,0,0,56, United-States +<=50K,18, Private,238867, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,1602,40, United-States +>50K,31, Private,265706, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,39, State-gov,179668, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +<=50K,21, Private,57951, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,31, Private,176711, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,33, Local-gov,368675, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Private,216149, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,29, Private,173851, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,90705, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1485,40, United-States +<=50K,52, State-gov,216342, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,35, Private,140752, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +<=50K,33, Private,116508, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, ?,224361, 9th,5, Divorced, ?, Unmarried, White, Female,0,0,5, Cuba +>50K,43, Private,180303, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,66, ?,196736, 1st-4th,2, Never-married, ?, Not-in-family, Black, Male,0,0,30, United-States +>50K,51, Local-gov,110327, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,185607, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,17, Local-gov,244856, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,198068, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,97136, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Self-emp-inc,164658, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +>50K,54, Private,235693, 11th,7, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,197038, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Local-gov,97419, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,208872, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1672,98, United-States +<=50K,32, Private,205528, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-inc,146042, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Self-emp-inc,222641, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,376936, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,42, Local-gov,138077, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +<=50K,24, Private,155913, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +>50K,45, Private,36006, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,214678, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,46, Private,369538, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,166565, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,257043, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,47, Self-emp-inc,181130, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,69, ?,254834, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,10605,0,10, United-States +<=50K,43, Self-emp-not-inc,38876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,187073, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Federal-gov,156996, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2415,55, ? +<=50K,90, Private,313749, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +>50K,41, Private,331651, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, Japan +<=50K,24, Private,243368, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,24, Private,32921, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,117167, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,53, United-States +>50K,35, Private,401930, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1887,42, United-States +<=50K,30, Private,114691, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,46, Private,99385, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Local-gov,210308, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1721,30, United-States +<=50K,39, Private,252327, 9th,5, Separated, Craft-repair, Own-child, White, Male,0,0,35, Mexico +<=50K,43, Private,90582, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,190194, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,264188, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,34, Private,243776, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Private,67065, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,204209, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,24, Private,226668, HS-grad,9, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Male,0,0,35, United-States +>50K,34, Self-emp-inc,174215, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,4787,0,45, France +>50K,33, Private,315143, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Cuba +<=50K,37, Private,118681, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,38, Puerto-Rico +>50K,39, Self-emp-not-inc,208109, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,58, Private,116901, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,36, Self-emp-not-inc,405644, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,33, Federal-gov,293550, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,4064,0,40, United-States +<=50K,42, Local-gov,328581, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,217962, Some-college,10, Never-married, Protective-serv, Other-relative, Black, Male,0,0,40, ? +<=50K,57, Private,158827, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,67, Federal-gov,65475, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,159709, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,140474, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,43, Private,144778, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, Italy +<=50K,39, Self-emp-not-inc,83242, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,143385, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Local-gov,167544, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,13, United-States +<=50K,25, Private,122175, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,378747, 10th,6, Separated, Transport-moving, Unmarried, Black, Male,0,0,45, United-States +<=50K,24, Private,230475, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,50, Self-emp-inc,120781, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,70, Private,206232, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,61, Private,298400, Bachelors,13, Divorced, Sales, Not-in-family, Black, Male,4787,0,48, United-States +<=50K,51, Federal-gov,163671, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,38, Self-emp-not-inc,140583, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,51, Private,137253, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,246974, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,182470, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +>50K,57, Self-emp-inc,107617, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +>50K,44, Self-emp-inc,116358, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,50, ? +<=50K,29, Private,250819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,196508, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +>50K,42, Private,367533, 10th,6, Married-civ-spouse, Craft-repair, Own-child, Other, Male,0,0,43, United-States +>50K,74, Private,188709, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,50, Private,271160, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,173674, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,14, United-States +<=50K,64, ?,257790, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,38, United-States +<=50K,44, Private,322391, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,34, Private,209691, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,50, United-States +<=50K,17, Private,104232, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,17, ?,86786, 10th,6, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,88233, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,240888, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,169719, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3103,0,40, United-States +<=50K,20, Private,129240, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,160968, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,34, Private,236861, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,109282, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,32, Private,215047, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,40, Private,115932, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Ireland +<=50K,28, Private,55360, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,44, Private,224658, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,29, Local-gov,376302, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, Nicaragua +<=50K,28, Private,183597, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,594,0,50, Germany +<=50K,37, Private,115289, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,258883, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,69132, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,207301, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,20, United-States +<=50K,37, Private,179671, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,140456, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,327397, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,60, Private,200235, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,108435, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,2829,0,30, United-States +>50K,47, Private,195978, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,329144, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,48, Self-emp-inc,250674, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,57, ?,176897, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,50, Self-emp-inc,132716, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,62, Private,174201, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,45, Private,167617, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,254949, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,319582, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,32, United-States +<=50K,25, Private,248990, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Guatemala +<=50K,49, Private,144396, 11th,7, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,32, State-gov,200469, Some-college,10, Never-married, Protective-serv, Unmarried, Black, Female,3887,0,40, United-States +<=50K,25, Federal-gov,55636, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,39, Private,185624, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,27, Local-gov,125442, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,43, Private,160943, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,243841, HS-grad,9, Divorced, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, South +<=50K,21, Private,34616, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,33, Private,235847, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,174789, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,280111, 11th,7, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,70, Private,236055, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,237865, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,42, United-States +<=50K,17, Private,194612, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,20, Private,173851, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,372483, Some-college,10, Never-married, Other-service, Other-relative, Black, Male,0,0,35, United-States +>50K,71, Federal-gov,422149, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,40, United-States +<=50K,31, Private,174201, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,272618, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,52, Private,74660, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,201481, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,175232, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,25, Private,336440, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,46645, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,9, United-States +>50K,48, State-gov,31141, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, United-States +>50K,53, Private,281425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,31510, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Private,310255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,32, Federal-gov,82393, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,56, United-States +<=50K,59, Self-emp-not-inc,190514, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,49, Private,165513, Some-college,10, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,65, ?,178931, HS-grad,9, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,3818,0,40, United-States +>50K,31, Private,226696, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Private,195813, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Other, Male,5178,0,40, Puerto-Rico +<=50K,44, Private,165815, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,123983, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,55, Japan +<=50K,36, Private,235371, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,147258, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,63, ?,222289, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,7688,0,54, United-States +>50K,67, Self-emp-inc,171564, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,20051,0,30, England +<=50K,29, Private,255949, Bachelors,13, Never-married, Sales, Unmarried, Black, Male,0,0,40, United-States +<=50K,52, Private,186272, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,282872, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,40, United-States +<=50K,21, Private,111676, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,199501, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,38, United-States +<=50K,24, Private,151443, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Female,0,0,30, United-States +<=50K,31, Private,145935, HS-grad,9, Never-married, Exec-managerial, Own-child, Black, Male,0,0,40, United-States +<=50K,54, Federal-gov,230387, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,44, Private,127592, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,210828, Some-college,10, Never-married, Handlers-cleaners, Own-child, Other, Male,0,0,30, United-States +<=50K,41, Private,297186, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +<=50K,37, Self-emp-inc,116554, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,30, Private,144593, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, ? +<=50K,26, State-gov,147719, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,68, Self-emp-not-inc,89011, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Canada +<=50K,31, Private,38158, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,178686, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,80, ?,172826, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,155752, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,63, Private,100099, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,231688, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,30, ?,147215, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,42, Self-emp-inc,50122, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,64, Federal-gov,86837, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,32, Private,113364, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,289390, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +<=50K,73, Private,77884, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,32, Private,390157, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Private,89587, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,45, United-States +<=50K,58, Private,234328, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Local-gov,365430, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,24, Private,410439, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +>50K,53, Private,129525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,166527, Some-college,10, Never-married, Exec-managerial, Own-child, Other, Female,0,0,40, United-States +<=50K,42, ?,109912, Assoc-acdm,12, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,30, Private,210906, HS-grad,9, Married-civ-spouse, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,405284, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,28, Private,138269, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,25429, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,231672, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,258550, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,268147, 9th,5, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,54411, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, ? +>50K,54, Private,37289, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,23, Private,157951, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,43, Self-emp-inc,225165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,37, Private,238049, 9th,5, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,30, El-Salvador +<=50K,31, Private,197252, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,56, Self-emp-inc,216636, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1651,40, United-States +<=50K,25, Private,183575, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,19752, 11th,7, Never-married, Other-service, Own-child, Black, Female,0,0,25, United-States +<=50K,37, Private,103925, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,68, United-States +<=50K,60, Private,31577, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,59, Federal-gov,61298, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Federal-gov,190541, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,366089, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,28, ?,389857, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Male,0,0,16, United-States +<=50K,33, ?,192644, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,216129, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1408,50, United-States +>50K,29, Private,51944, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,4386,0,40, United-States +<=50K,33, Self-emp-not-inc,67482, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +<=50K,29, ?,108775, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,23, State-gov,279243, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,278391, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, Nicaragua +<=50K,60, Private,349898, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,44, United-States +<=50K,44, Private,219441, 10th,6, Never-married, Sales, Unmarried, Other, Female,0,0,35, Dominican-Republic +<=50K,18, Private,173255, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,1055,0,25, United-States +<=50K,52, Federal-gov,29623, 12th,8, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,217460, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,30, Private,163604, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,33, Private,163110, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3781,0,40, United-States +<=50K,20, Private,238685, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,27, ?,251854, Bachelors,13, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, ? +<=50K,33, Private,213308, Assoc-voc,11, Separated, Adm-clerical, Own-child, Black, Female,0,0,50, United-States +<=50K,25, Private,193773, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,63, Private,114011, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Female,0,0,20, United-States +<=50K,63, Self-emp-not-inc,52144, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,43, Private,347934, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,58, Private,293399, 11th,7, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, ?,118630, Assoc-voc,11, Widowed, ?, Unmarried, White, Female,0,0,35, United-States +>50K,35, Private,127306, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,14344,0,40, United-States +>50K,42, Private,366180, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,20, Local-gov,188950, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,25, United-States +<=50K,35, Private,189382, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Private,24515, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,283116, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,1506,0,50, United-States +<=50K,43, Self-emp-not-inc,182217, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,19, Private,552354, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,163021, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,61885, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,36, Self-emp-not-inc,182898, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,45, Private,183092, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,48, Private,30289, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,29, Private,77572, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,48, State-gov,118330, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,36, Private,469056, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,58, Private,145574, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,302041, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,59, Private,32552, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, United-States +<=50K,42, Private,185413, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,33, Federal-gov,26543, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,163870, Some-college,10, Never-married, Armed-Forces, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,240063, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,48, Private,208748, 5th-6th,3, Divorced, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Dominican-Republic +<=50K,32, Local-gov,84119, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,84130, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,66, Local-gov,261062, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Local-gov,336010, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,32, United-States +>50K,52, Private,389270, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,17, Private,138293, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,35, Private,240389, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,43, United-States +>50K,39, Private,190297, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +<=50K,21, ?,170070, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,10, United-States +<=50K,24, Private,149457, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Private,81534, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,84, Japan +<=50K,25, Private,378322, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,2001,50, United-States +<=50K,29, Federal-gov,196912, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,56, Private,116143, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,44, United-States +<=50K,34, Self-emp-not-inc,80933, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Local-gov,190660, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,120155, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,39, United-States +<=50K,47, Private,167159, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650,0,40, United-States +>50K,36, Private,58343, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,42, United-States +<=50K,44, Federal-gov,161240, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,126402, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Black, Female,0,0,60, United-States +<=50K,23, Private,148709, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +>50K,45, Local-gov,318280, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,31, Local-gov,80058, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,64, United-States +<=50K,45, Private,274689, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,157367, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, ? +>50K,33, Private,217460, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,33727, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,30, Self-emp-not-inc,166961, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,25, Private,146117, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,33, Private,160216, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,32, ? +>50K,70, Self-emp-not-inc,124449, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2246,8, United-States +<=50K,22, Private,50163, 9th,5, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,235271, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,121124, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,43, Self-emp-not-inc,144218, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,94334, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,25, United-States +>50K,59, Self-emp-inc,169982, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,51, Self-emp-not-inc,35295, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +<=50K,47, Private,133969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,2885,0,65, Japan +<=50K,36, Private,35429, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,73, Local-gov,205580, 5th-6th,3, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,6, United-States +<=50K,32, Local-gov,177794, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,167474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,51, Local-gov,35211, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,117244, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,45, United-States +<=50K,57, Private,194850, Some-college,10, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, Mexico +<=50K,19, Private,144911, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,45, Private,197240, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,55, Private,101338, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,148522, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,97261, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,166606, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,229414, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,34, Local-gov,209213, Bachelors,13, Never-married, Prof-specialty, Other-relative, Black, Male,0,0,15, United-States +>50K,26, Private,291968, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,40, United-States +<=50K,73, Federal-gov,127858, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,3273,0,40, United-States +<=50K,27, Private,302406, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,37, Self-emp-not-inc,29054, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,84, United-States +<=50K,73, Self-emp-not-inc,336007, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Federal-gov,349230, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,1848,40, United-States +<=50K,36, Local-gov,101481, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,46704, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,233639, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,68, Local-gov,31725, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,54850, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1590,50, United-States +<=50K,30, Private,293512, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,375655, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +>50K,28, Private,105817, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,203408, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,162302, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,40, Private,163455, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,55, United-States +<=50K,32, Local-gov,100135, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, ?,41517, 11th,7, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,18, Private,102182, 12th,8, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,414683, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,194352, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,194096, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,45, United-States +<=50K,90, Local-gov,153602, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,6767,0,40, United-States +<=50K,20, Private,215495, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,27, Private,164607, Bachelors,13, Separated, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,58, Local-gov,34878, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,37, Private,126569, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,65, ?,315728, HS-grad,9, Widowed, ?, Unmarried, White, Female,2329,0,75, United-States +<=50K,28, Private,22422, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,178222, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,45, Local-gov,56841, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,300275, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,69, Local-gov,197288, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,58, Self-emp-not-inc,157786, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,110684, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,58, Self-emp-not-inc,140729, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +>50K,53, Federal-gov,90127, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,44, Self-emp-inc,37997, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,61308, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,171199, Bachelors,13, Divorced, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Puerto-Rico +<=50K,48, Private,128432, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,195023, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,122473, 9th,5, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,625,40, United-States +<=50K,43, Private,171888, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Self-emp-inc,183784, 10th,6, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,20, Private,219262, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,71379, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,19, ?,234519, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,96824, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,242597, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,127388, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,204536, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,54, Private,143804, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,80680, Some-college,10, Married-civ-spouse, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,36, Private,301227, 5th-6th,3, Separated, Priv-house-serv, Unmarried, Other, Female,0,0,35, Mexico +<=50K,26, Self-emp-not-inc,201930, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,176616, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,353219, 9th,5, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,126076, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,156493, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,48, Federal-gov,435503, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-inc,561489, Masters,14, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,50, United-States +<=50K,22, Federal-gov,100345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,43, United-States +<=50K,18, Private,36275, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,46, Private,110794, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Local-gov,143766, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,30, Federal-gov,76313, HS-grad,9, Married-civ-spouse, Armed-Forces, Other-relative, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,31, Private,121308, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,216672, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,89942, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,3674,0,45, United-States +>50K,45, State-gov,103406, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,30, State-gov,158291, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,455361, 9th,5, Never-married, Other-service, Unmarried, White, Male,0,0,35, Mexico +<=50K,44, Private,225263, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,1408,46, United-States +>50K,54, Private,225307, 11th,7, Divorced, Craft-repair, Own-child, White, Female,0,0,50, United-States +>50K,36, Private,286115, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,187830, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,142506, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,47, Local-gov,148576, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,36, Private,185325, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,32, Self-emp-not-inc,27939, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,21, Private,383603, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Private,140790, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,226629, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +<=50K,51, Private,228516, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,45, Columbia +<=50K,55, Self-emp-not-inc,119762, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,299197, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,149297, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,28, Local-gov,202558, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,175232, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,157473, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, ?,409842, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,105787, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,36, United-States +<=50K,68, Private,144056, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818,0,40, United-States +>50K,46, Private,45363, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,2824,40, United-States +<=50K,21, Private,205838, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,23, Private,115326, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,17, Private,186890, 10th,6, Married-civ-spouse, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,23, Local-gov,304386, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,24529, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Male,0,0,15, United-States +<=50K,33, Private,183557, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,342730, Assoc-acdm,12, Separated, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, ?,182191, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,4064,0,30, Canada +<=50K,56, Self-emp-not-inc,67841, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,351381, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,293691, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,1590,40, Japan +>50K,41, Self-emp-inc,220821, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,190027, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Private,343944, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,46, Self-emp-inc,110457, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,47, State-gov,72333, HS-grad,9, Divorced, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,43, Self-emp-not-inc,193494, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,334999, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,44, Self-emp-not-inc,274363, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,58, Self-emp-inc,113806, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,30, United-States +<=50K,25, Private,52536, Assoc-acdm,12, Divorced, Tech-support, Own-child, White, Female,0,1594,25, United-States +<=50K,44, Private,187720, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,57, Private,104996, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,24, Private,214555, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,52963, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,190511, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,2176,0,35, United-States +<=50K,25, Private,75821, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,33, Private,123291, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,84, United-States +>50K,50, Local-gov,226497, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +>50K,35, Private,282979, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +>50K,36, Private,166549, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,27, Private,187746, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,157145, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,30, Private,227551, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,115306, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,39, Private,169249, HS-grad,9, Separated, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,34, State-gov,221966, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,39, Private,224566, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,28119, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,4, United-States +<=50K,19, Private,323810, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,210498, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,174995, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,2290,0,30, Hungary +<=50K,38, Private,161141, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,210534, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,34, Self-emp-not-inc,112650, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, State-gov,318891, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Local-gov,375655, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,228465, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,33, ?,102130, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,73, Private,183213, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Male,25124,0,60, United-States +<=50K,35, Local-gov,177305, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,40, United-States +<=50K,41, Private,34037, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,116613, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,175540, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,47, Private,150768, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,1564,51, United-States +>50K,36, Private,176634, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +<=50K,36, Private,209993, 1st-4th,2, Widowed, Other-service, Other-relative, White, Female,0,0,20, Mexico +<=50K,25, Local-gov,206002, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,201259, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, Local-gov,202286, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,96062, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,40, United-States +<=50K,36, Local-gov,578377, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,30, Private,509500, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,4787,0,45, United-States +<=50K,53, Local-gov,324021, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,107737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,41, State-gov,129865, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,103586, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,187513, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +<=50K,28, Private,172891, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,53, Local-gov,207449, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,32, Private,209103, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,408813, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,209292, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,32, Dominican-Republic +>50K,52, Private,144361, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,31, Private,209538, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,55, United-States +>50K,27, Private,244402, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,889965, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,3137,0,30, United-States +<=50K,37, Self-emp-not-inc,298444, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,163237, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,311795, 12th,8, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +>50K,42, Private,155972, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Private,291783, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,153535, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,36, United-States +<=50K,43, Private,249771, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,99, United-States +>50K,43, Private,462180, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +>50K,31, Private,308540, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,34701, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Federal-gov,106252, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,138944, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +>50K,37, Private,140713, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, Jamaica +>50K,53, Local-gov,216931, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,4386,0,40, United-States +<=50K,26, Private,162312, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,20, Philippines +>50K,59, Self-emp-inc,253062, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,36, Federal-gov,359249, Some-college,10, Separated, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,231413, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,197054, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,130931, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,35, Private,30565, HS-grad,9, Married-AF-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,105138, HS-grad,9, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Local-gov,178383, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Private,241998, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,58, Self-emp-not-inc,196403, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,10, United-States +<=50K,44, Private,232421, HS-grad,9, Married-spouse-absent, Transport-moving, Not-in-family, Other, Male,0,0,32, Canada +<=50K,30, Private,130369, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,68, Self-emp-not-inc,336329, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,10, United-States +<=50K,26, Local-gov,337867, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,26, Local-gov,104614, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,223548, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,43, State-gov,506329, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, ? +<=50K,48, Private,64479, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,47, United-States +<=50K,55, Private,284095, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,50, Self-emp-not-inc,221336, Some-college,10, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, ? +>50K,41, Private,428499, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,50, United-States +<=50K,52, Private,208302, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,24, ?,412156, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Mexico +>50K,31, Self-emp-not-inc,182177, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +>50K,54, Local-gov,129972, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,31, Self-emp-not-inc,186420, Masters,14, Separated, Tech-support, Not-in-family, White, Female,0,0,25, United-States +>50K,31, Self-emp-inc,203488, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,47, Private,128796, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,55395, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, State-gov,314770, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,45, Private,135044, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,319248, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,25, Mexico +<=50K,34, Local-gov,236415, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,18, United-States +>50K,48, ?,151584, Some-college,10, Never-married, ?, Not-in-family, White, Male,8614,0,60, United-States +<=50K,19, ?,133983, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,56, Private,81220, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +<=50K,47, Private,151087, HS-grad,9, Separated, Prof-specialty, Other-relative, Other, Female,0,0,40, Puerto-Rico +>50K,35, Private,322171, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,190628, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +<=50K,43, Local-gov,106982, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,227856, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,37, United-States +<=50K,66, ?,213477, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,10, United-States +>50K,63, Private,266083, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,257068, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, White, Female,0,0,37, United-States +<=50K,58, ?,37591, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,150533, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,27, Private,211184, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,52, United-States +<=50K,21, Private,136610, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +>50K,44, Federal-gov,244054, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,40, Self-emp-not-inc,240698, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,65, Private,172906, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,238959, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,18, ?,163085, HS-grad,9, Separated, ?, Own-child, White, Male,0,0,20, United-States +>50K,51, State-gov,172022, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Federal-gov,218062, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,201799, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,13, United-States +<=50K,29, Private,150717, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,94391, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,50, Local-gov,153064, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,43, Private,156771, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,216639, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,82161, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, ?,159159, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,58, Self-emp-not-inc,310014, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,50, State-gov,133014, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,36214, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,21, Private,399022, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,33, Private,179758, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,52, Private,48947, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,47, Private,201865, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,319122, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,14084,0,45, United-States +>50K,34, Private,155151, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,24106, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Philippines +<=50K,31, Private,257863, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,19, ?,28967, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,379393, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,45, Self-emp-not-inc,152752, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,3, United-States +<=50K,34, Private,154874, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,4416,0,30, United-States +<=50K,27, Private,154210, 11th,7, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Male,0,0,35, India +<=50K,37, Private,335716, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,94744, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +>50K,32, Private,133861, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,48, United-States +<=50K,24, Private,240137, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,39, Private,80004, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,109702, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,62, Self-emp-not-inc,39610, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,24, Private,90046, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,193855, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,206889, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Private,86298, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,149650, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,2559,48, United-States +<=50K,25, Private,323139, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,44, Private,237993, Prof-school,15, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, ? +<=50K,24, Private,36058, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,163393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,45, Local-gov,93535, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,112952, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +>50K,48, Private,182541, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,26, Local-gov,73392, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,40, ?,507086, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,32, United-States +>50K,68, Private,195868, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,20051,0,40, United-States +<=50K,24, Private,276851, HS-grad,9, Divorced, Protective-serv, Own-child, White, Female,0,1762,40, United-States +<=50K,25, ?,39901, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,31, Local-gov,33124, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,55, Private,419732, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,46, Private,171095, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,0,0,38, United-States +<=50K,58, Private,199278, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,56, Private,235205, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,45, Federal-gov,168232, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +>50K,24, Private,145964, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,35, Local-gov,72338, HS-grad,9, Divorced, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,56, United-States +>50K,51, Private,153870, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,323798, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +<=50K,17, Private,198830, 11th,7, Never-married, Adm-clerical, Other-relative, White, Female,0,0,10, United-States +<=50K,21, Private,267040, 10th,6, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,45, Private,167187, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,230684, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,56, Private,659558, 12th,8, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,181661, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,186144, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Other, Female,0,0,40, Mexico +<=50K,20, Federal-gov,178517, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,131417, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797,0,21, United-States +<=50K,44, Private,57233, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,379798, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Private,122175, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,107302, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,127651, 10th,6, Never-married, Transport-moving, Other-relative, White, Male,0,1741,40, United-States +<=50K,33, Self-emp-not-inc,102884, Bachelors,13, Married-civ-spouse, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,49, Self-emp-not-inc,241753, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,173611, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,232666, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,352207, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,37, Self-emp-not-inc,241998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,5, United-States +>50K,52, Private,279129, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,37, United-States +<=50K,27, Private,177057, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,155659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,55, United-States +<=50K,21, Private,251603, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Federal-gov,19914, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,61, Private,115023, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,32, Private,101709, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,21, Private,313702, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Private,250068, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,227359, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,21, State-gov,196827, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,10, United-States +<=50K,44, Private,118550, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,33, United-States +<=50K,26, Private,285004, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,35, South +>50K,36, Private,280169, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,144608, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,52, Private,76860, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,8, Philippines +<=50K,44, Self-emp-not-inc,167280, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,334783, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,60, ?,141580, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,226443, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,366065, Some-college,10, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,23, Private,225724, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,25, United-States +<=50K,81, State-gov,132204, 1st-4th,2, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Private,258276, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,3137,0,40, ? +<=50K,38, Private,197711, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Portugal +<=50K,21, Private,30619, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,28, Local-gov,335015, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,61272, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,106544, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,144169, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,40295, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,99, United-States +<=50K,56, Private,266091, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2907,0,52, Cuba +<=50K,57, Private,143030, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,30, ? +<=50K,42, State-gov,192397, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,43, Private,114351, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,48, ?,63466, HS-grad,9, Married-spouse-absent, ?, Unmarried, White, Female,0,0,32, United-States +<=50K,53, Private,132304, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Scotland +<=50K,58, Private,128162, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,24, United-States +<=50K,19, Private,125938, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,40, El-Salvador +>50K,37, Private,170174, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,41, Self-emp-not-inc,203451, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,31, Private,109917, 7th-8th,4, Separated, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,114937, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,53, Local-gov,231196, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,238474, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,56, Private,314149, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,55, Federal-gov,31728, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,360131, 5th-6th,3, Married-civ-spouse, Craft-repair, Other-relative, White, Female,0,0,40, United-States +<=50K,62, Private,141308, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,83411, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,45, ?,119835, 7th-8th,4, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,28, Local-gov,296537, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,46, Private,193047, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, State-gov,39630, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Local-gov,213975, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,30, United-States +>50K,60, Local-gov,259803, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,23, Federal-gov,55465, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,181307, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +<=50K,21, Private,211301, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,51, Private,200450, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,61, Local-gov,176731, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,52, Self-emp-not-inc,140985, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,99999,0,30, United-States +<=50K,76, Private,125784, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,152176, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,39, United-States +<=50K,31, Self-emp-not-inc,111423, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +>50K,43, Private,130126, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,58, Federal-gov,30111, Some-college,10, Widowed, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,18, ?,214989, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,24, United-States +<=50K,19, Private,272800, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,44, Private,195881, Some-college,10, Divorced, Exec-managerial, Other-relative, White, Female,0,0,45, United-States +<=50K,41, Local-gov,170924, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Male,0,0,7, United-States +<=50K,21, Private,131473, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,20, Vietnam +<=50K,40, Private,149466, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,25, Private,190418, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, Canada +<=50K,62, Local-gov,167889, Doctorate,16, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, Iran +<=50K,42, Private,177989, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,186035, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,195805, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +<=50K,60, Private,54800, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,100605, HS-grad,9, Never-married, Sales, Own-child, Other, Male,0,0,40, Puerto-Rico +<=50K,23, Private,253190, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +<=50K,18, Private,203301, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,40, Private,175696, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,278304, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,51, Private,93193, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Local-gov,158688, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,327612, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,210844, Some-college,10, Married-spouse-absent, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,147340, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,71, Self-emp-not-inc,130436, 1st-4th,2, Divorced, Craft-repair, Not-in-family, White, Female,0,0,28, United-States +<=50K,25, Private,206600, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, El-Salvador +<=50K,73, Private,284680, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,45, Private,127738, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,25, Private,213412, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,287927, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, United-States +<=50K,44, Private,249332, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Ecuador +<=50K,44, Local-gov,290403, Assoc-voc,11, Divorced, Protective-serv, Own-child, White, Female,0,0,40, Cuba +>50K,49, Private,54772, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +>50K,44, Self-emp-inc,56651, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,42, Federal-gov,178470, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,62865, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,45, United-States +<=50K,66, Private,107196, HS-grad,9, Widowed, Tech-support, Not-in-family, White, Female,0,0,18, United-States +<=50K,19, Private,86860, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,15, United-States +<=50K,60, Private,130684, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,46, Private,164682, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,198316, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,59, Private,261816, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,52, Outlying-US(Guam-USVI-etc) +>50K,58, Private,280309, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,60, United-States +<=50K,47, Private,97176, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,95835, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,36, United-States +>50K,69, ?,323016, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,99999,0,40, United-States +<=50K,17, ?,280670, 10th,6, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,136306, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,65171, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,70, United-States +<=50K,37, Private,25864, HS-grad,9, Separated, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,149531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,33887, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,172822, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,2824,76, United-States +<=50K,59, Private,106748, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,99, United-States +<=50K,45, Private,131826, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Local-gov,216691, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,10520,0,40, United-States +<=50K,37, Private,133328, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,164737, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Local-gov,99064, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, State-gov,59460, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,27, Private,208725, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,138513, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,121055, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,149784, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,114495, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, ?,133278, 12th,8, Separated, ?, Unmarried, Black, Female,0,0,53, United-States +>50K,32, Private,212276, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,440129, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,38, Mexico +>50K,47, Private,98012, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, United-States +<=50K,27, Private,145284, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,177147, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,141537, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,48093, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,92, United-States +<=50K,23, Local-gov,314819, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,44, Private,123572, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,170800, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +<=50K,42, Private,332401, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,193038, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +>50K,41, Private,351161, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1848,45, United-States +<=50K,45, Federal-gov,106910, HS-grad,9, Never-married, Transport-moving, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,67, ?,163726, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,49, United-States +<=50K,36, Self-emp-not-inc,609935, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,48, ? +<=50K,52, State-gov,314627, Masters,14, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,115945, Doctorate,16, Never-married, Adm-clerical, Own-child, White, Male,0,0,18, United-States +<=50K,83, Self-emp-inc,272248, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,17, Private,167878, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,176972, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,31095, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,40, Private,130834, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,207415, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,51, Local-gov,264457, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,51, Private,340588, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,54, Mexico +<=50K,82, ?,42435, 10th,6, Widowed, ?, Not-in-family, White, Male,0,0,20, United-States +<=50K,28, Private,107411, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,53, Private,290640, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Germany +<=50K,29, Private,106179, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, Canada +<=50K,19, Private,247679, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,171598, Bachelors,13, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,234460, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, Dominican-Republic +>50K,66, Private,196674, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,182540, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,172694, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,29571, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,27, Private,130438, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,213421, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Local-gov,189956, Bachelors,13, Married-civ-spouse, Protective-serv, Wife, Black, Female,15024,0,40, United-States +<=50K,64, Private,133144, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,62, Self-emp-inc,24050, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,26, Private,276967, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,184857, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,40, Private,145160, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,192251, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,190650, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,52, Local-gov,255927, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,46, Private,99086, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,216811, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,52, Private,110563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,120471, HS-grad,9, Never-married, Transport-moving, Not-in-family, Other, Male,0,0,40, United-States +<=50K,17, Private,183066, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,46, State-gov,298786, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,45, Private,297884, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,253612, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,1055,0,32, United-States +<=50K,18, Self-emp-not-inc,207438, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,148522, 11th,7, Never-married, Other-service, Own-child, White, Male,0,1721,15, United-States +<=50K,90, Private,139660, Some-college,10, Divorced, Sales, Unmarried, Black, Female,0,0,37, United-States +<=50K,23, Private,165474, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Private,120277, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,67929, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,69, Private,229418, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Federal-gov,41356, Assoc-acdm,12, Never-married, Exec-managerial, Unmarried, White, Female,0,0,32, United-States +<=50K,28, Private,185127, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,54, United-States +>50K,37, Private,109133, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +<=50K,57, Private,148315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,30, Local-gov,145692, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Male,0,1974,40, United-States +<=50K,48, Private,210424, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,914,0,40, United-States +<=50K,73, Private,198526, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,32, United-States +<=50K,25, Private,521400, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +>50K,33, Private,100882, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,124818, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,190836, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +<=50K,57, Private,71367, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,303032, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, ?,98989, 9th,5, Divorced, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,38, United-States +<=50K,40, State-gov,390781, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,48, United-States +<=50K,32, Private,54782, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,35, ?,202683, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,213081, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,27, Self-emp-inc,89718, Some-college,10, Separated, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,225106, 10th,6, Never-married, Other-service, Own-child, White, Female,0,1602,18, United-States +<=50K,29, Private,253262, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,78181, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,158206, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,69, ?,337720, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,18, State-gov,391257, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,134756, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, Private,183404, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,8, United-States +<=50K,46, Private,192793, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,203943, 12th,8, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, ? +<=50K,53, Private,89400, Some-college,10, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,237868, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,139187, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +>50K,40, Private,126701, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,172175, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,164210, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,53, Local-gov,608184, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,17, ?,198797, 11th,7, Never-married, ?, Own-child, White, Male,0,0,20, Peru +>50K,50, Local-gov,425804, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,117618, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,30, Private,119164, Bachelors,13, Never-married, Other-service, Unmarried, White, Male,0,0,40, ? +<=50K,40, Self-emp-inc,92036, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,77146, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,191803, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,54932, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,251694, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,22, Private,268145, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,104842, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,50, Haiti +>50K,60, Local-gov,227332, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,212512, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,50, United-States +<=50K,53, Private,133436, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,309055, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,59202, HS-grad,9, Never-married, Priv-house-serv, Other-relative, White, Female,0,0,10, United-States +<=50K,36, Private,32709, Some-college,10, Divorced, Sales, Not-in-family, White, Female,3325,0,45, United-States +>50K,67, Self-emp-inc,73559, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,50, United-States +<=50K,31, Private,117963, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +>50K,26, Private,169121, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,18, Private,308889, 11th,7, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,45, Local-gov,144940, Masters,14, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,64, Private,102041, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,335998, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,53, Private,29557, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,210313, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,28, Guatemala +<=50K,32, Private,190784, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,107597, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,14084,0,30, United-States +>50K,59, Private,97168, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Private,155930, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +<=50K,61, Self-emp-not-inc,181033, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,41, ?,344572, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,46, State-gov,170165, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,32, Private,178835, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,118230, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,48, Private,149640, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,30271, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,21, Private,154165, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,341797, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Local-gov,145246, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,51, Private,280093, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,42, Private,373469, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,199172, Bachelors,13, Never-married, Protective-serv, Own-child, White, Female,0,0,40, United-States +<=50K,70, Self-emp-not-inc,177199, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,3, United-States +<=50K,33, Private,258932, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,65, Self-emp-not-inc,139960, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,10605,0,60, United-States +<=50K,39, Private,258037, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, ? +<=50K,32, Private,116677, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,59496, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,34218, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,200246, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, Federal-gov,316246, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Local-gov,239161, Some-college,10, Separated, Protective-serv, Own-child, Other, Male,0,0,52, United-States +<=50K,49, Self-emp-not-inc,173411, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,259226, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,48, United-States +<=50K,35, Local-gov,195516, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,200598, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1740,45, United-States +>50K,42, State-gov,160369, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,415913, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,147253, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,199674, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,29, State-gov,198493, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,377121, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,21, Private,400635, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, ? +<=50K,45, Private,513660, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, ?,175069, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,82552, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,594,0,50, United-States +<=50K,28, ?,78388, 10th,6, Never-married, ?, Own-child, White, Female,0,0,38, United-States +<=50K,23, Private,171705, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,39, Self-emp-not-inc,315640, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,60, Iran +>50K,45, Private,266860, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,68, Private,192829, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +>50K,60, Federal-gov,237317, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,4934,0,40, United-States +>50K,38, State-gov,110426, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,40, ? +<=50K,41, Private,327606, 12th,8, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,34845, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,58582, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,155659, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,210029, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,381618, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,55, Self-emp-inc,298449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,50, United-States +<=50K,35, State-gov,226789, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +>50K,52, Private,210736, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,55, United-States +<=50K,46, State-gov,111163, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,72, ?,76860, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,1, United-States +<=50K,18, Private,92112, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,62, Local-gov,136787, HS-grad,9, Divorced, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,29810, Some-college,10, Never-married, Transport-moving, Own-child, White, Female,0,0,30, United-States +>50K,40, Private,360884, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,40, United-States +<=50K,26, Private,266022, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,142874, Assoc-acdm,12, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,36, United-States +<=50K,25, Self-emp-not-inc,72338, HS-grad,9, Never-married, Sales, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,46, ?,177305, Assoc-voc,11, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, United-States +>50K,39, Private,165106, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,1564,50, ? +>50K,41, Private,424478, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +>50K,59, Private,189721, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +<=50K,37, Private,34180, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,183279, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,35309, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,23, Private,259109, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, Puerto-Rico +>50K,67, Self-emp-not-inc,148690, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Male,18481,0,2, United-States +>50K,60, Private,125019, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,48, United-States +>50K,39, Self-emp-inc,172538, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,410615, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,60, United-States +<=50K,26, Private,322547, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,300760, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,232782, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,174645, 11th,7, Divorced, Craft-repair, Unmarried, White, Female,0,0,52, United-States +<=50K,43, Private,164693, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,206861, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,25, United-States +>50K,32, Private,195602, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +>50K,33, Self-emp-not-inc,422960, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,45, Private,116360, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,48, Private,278530, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,43, Local-gov,188291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +>50K,50, Self-emp-not-inc,163948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,63, Private,64544, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Private,101468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,22, Private,107882, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +<=50K,32, Self-emp-not-inc,182691, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,60, United-States +<=50K,27, Private,203776, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,201268, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,44, Private,29762, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,68, United-States +<=50K,34, Private,186346, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,196690, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,99604, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,24, United-States +<=50K,45, Private,194772, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,17, Private,95446, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,53, Self-emp-not-inc,257126, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,58, Private,194733, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,98361, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,44, Local-gov,124924, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,40, Self-emp-not-inc,111971, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,58, Self-emp-not-inc,130714, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,38, Private,208358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,147627, 9th,5, Never-married, Priv-house-serv, Not-in-family, Black, Female,1055,0,22, United-States +<=50K,31, Private,149507, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,38, United-States +<=50K,31, Private,164870, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,236861, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,1876,45, United-States +<=50K,37, Private,220314, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,38, Local-gov,329980, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1876,40, Canada +<=50K,58, Local-gov,318537, 12th,8, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,30, Private,183284, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,334368, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,4650,0,40, United-States +<=50K,46, Private,109227, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,70, United-States +<=50K,34, Private,118551, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Self-emp-inc,163057, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,99, United-States +<=50K,61, Self-emp-inc,253101, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,30, Self-emp-not-inc,20098, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,196227, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,175374, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,234037, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,58, United-States +<=50K,47, Private,341762, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,33, United-States +<=50K,20, Private,174714, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,222835, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,251786, 1st-4th,2, Separated, Other-service, Not-in-family, White, Female,0,0,40, Mexico +<=50K,20, Private,164219, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +>50K,33, Private,251120, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,30, Private,236993, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Local-gov,105896, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,211527, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,60, United-States +>50K,34, Private,317809, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, ? +<=50K,25, Private,185287, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,31014, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,44, Private,151985, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,24, United-States +<=50K,26, Private,89389, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,406051, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,48, Self-emp-not-inc,171986, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,26, Private,167848, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Local-gov,213019, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,211424, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,168981, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,0,0,55, United-States +<=50K,24, Private,122348, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,139753, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Local-gov,176178, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,2, United-States +<=50K,41, Private,145220, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,40, Columbia +<=50K,38, Local-gov,188612, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,445728, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,318002, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,235722, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, ?,367984, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,67, Private,212705, Masters,14, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,49, Private,411273, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,35, Private,103986, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,44, Private,203761, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,58, ?,266792, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,99999,0,40, United-States +<=50K,22, Private,116800, Assoc-acdm,12, Never-married, Protective-serv, Own-child, White, Male,0,0,60, United-States +<=50K,21, State-gov,99199, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,10, United-States +<=50K,50, Private,162327, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,44, Local-gov,100479, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,36, Local-gov,32587, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,30, Federal-gov,321990, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,48, Cuba +>50K,52, Private,108914, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,61343, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,90, United-States +<=50K,48, Local-gov,81154, Assoc-voc,11, Never-married, Protective-serv, Unmarried, White, Male,0,0,48, United-States +<=50K,23, Private,162945, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2377,40, United-States +<=50K,37, Private,225504, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,44, Self-emp-inc,191712, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +>50K,44, Private,176063, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,198587, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, State-gov,34965, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +>50K,31, Self-emp-inc,467108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, ?,263899, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,12, England +<=50K,29, Private,204984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,217568, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,48343, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,193130, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,253354, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,258026, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,16, United-States +<=50K,64, ?,211360, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,55, Private,191367, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,48, Private,148995, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,123901, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +>50K,50, Local-gov,117496, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,30, United-States +<=50K,45, Self-emp-inc,32356, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,51, United-States +<=50K,17, Private,206506, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,10, El-Salvador +<=50K,38, Private,218729, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,43, Private,52498, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,136767, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,63, Private,219540, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,114059, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,56, Private,247337, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, State-gov,310969, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,41, Private,171546, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,217455, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,410489, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,59, Private,146391, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,46, Local-gov,165484, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,23, Private,184271, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,46, Self-emp-not-inc,231347, Some-college,10, Separated, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +>50K,53, Private,95469, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,244025, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Male,0,0,56, Puerto-Rico +<=50K,46, Federal-gov,46537, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,205730, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +>50K,29, Private,383745, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,30, United-States +<=50K,32, Private,328199, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,90, Private,84553, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,221072, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, ? +<=50K,23, Private,123983, Assoc-voc,11, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,76, ?,191024, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,23, Private,167868, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,225879, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0,0,30, Mexico +<=50K,81, Self-emp-inc,247232, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,2936,0,28, United-States +<=50K,17, Private,143791, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,12, United-States +>50K,56, Private,177271, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,58, Federal-gov,129786, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,31339, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,236267, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,36, Private,130620, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,35, Philippines +>50K,32, Private,208180, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,24, United-States +<=50K,25, Private,292058, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +>50K,29, Federal-gov,142712, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,119665, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +>50K,41, Private,116825, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,48, State-gov,201177, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,118337, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,27, ?,173800, Masters,14, Never-married, ?, Unmarried, Asian-Pac-Islander, Male,0,0,20, Taiwan +<=50K,55, Private,289257, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,190912, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,1651,40, Vietnam +<=50K,45, Private,140581, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,50, Private,174102, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,22, Private,316509, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,80, Local-gov,20101, HS-grad,9, Widowed, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,32, United-States +<=50K,30, Private,187279, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,20, Private,259496, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,29, Self-emp-not-inc,181466, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,56, Private,178202, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,188976, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,203027, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,38, State-gov,142022, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,31, Private,119033, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,216181, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,47, Private,178341, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +<=50K,25, Local-gov,244408, Bachelors,13, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,31, Private,198953, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,28, Private,173110, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,66326, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,30, Local-gov,181091, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,135500, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,40, United-States +<=50K,27, Private,133929, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, ? +<=50K,26, Private,86483, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,167787, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,208577, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,2258,50, United-States +<=50K,43, Private,216697, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Other, Male,0,0,32, United-States +<=50K,32, Local-gov,118457, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,20, Private,298635, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,21, Local-gov,212780, 12th,8, Never-married, Handlers-cleaners, Unmarried, Black, Female,0,0,20, United-States +<=50K,32, Private,159187, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,237995, Assoc-voc,11, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,48, United-States +<=50K,45, Private,160724, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,37, Self-emp-inc,183800, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,54, ?,185936, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,24, Private,161198, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,28, ?,113635, 11th,7, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,23, Private,214542, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,54, ?,172991, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,40, Private,203761, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,161141, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,71, Private,180117, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,317396, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,237868, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,5, United-States +<=50K,30, Private,323069, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,181091, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,38, Private,309122, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Federal-gov,105936, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,13550,0,40, United-States +<=50K,43, Private,40024, 11th,7, Never-married, Transport-moving, Not-in-family, White, Male,0,0,42, United-States +>50K,36, Federal-gov,192443, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,13550,0,40, United-States +<=50K,24, State-gov,184216, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,29, ?,256211, 1st-4th,2, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,55, Private,205422, 10th,6, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,51, Private,22211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,60, United-States +<=50K,43, Local-gov,196308, HS-grad,9, Divorced, Exec-managerial, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,28, Private,389713, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,82566, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,47, Private,199058, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,160440, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,47, Private,76034, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,57, United-States +<=50K,38, Private,188503, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,6497,0,35, United-States +<=50K,60, Self-emp-not-inc,92845, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,29083, HS-grad,9, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,0,25, United-States +<=50K,22, Private,234474, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +>50K,55, Local-gov,107308, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,111891, Some-college,10, Separated, Sales, Other-relative, Black, Female,0,0,35, United-States +>50K,53, Self-emp-not-inc,145419, 1st-4th,2, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,67, Italy +>50K,44, Local-gov,193425, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,4386,0,40, United-States +<=50K,28, Federal-gov,188278, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Local-gov,303485, Some-college,10, Never-married, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Local-gov,67187, HS-grad,9, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,43, State-gov,114508, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,204172, Bachelors,13, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,27, Local-gov,162973, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,64, Self-emp-not-inc,192695, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, Canada +>50K,41, Local-gov,89172, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,163320, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,128230, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,27, Private,246440, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,50567, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,20, Private,117476, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,315834, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,28, Local-gov,214881, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,195516, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,218653, Bachelors,13, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,51, Private,87205, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,20, United-States +<=50K,40, Private,164647, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,38, United-States +<=50K,19, Private,129151, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,319697, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,193374, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,167864, Assoc-voc,11, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,197932, Some-college,10, Separated, Priv-house-serv, Not-in-family, White, Female,0,0,30, Guatemala +<=50K,51, Private,102904, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,43, United-States +<=50K,44, Private,216907, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,35, Local-gov,331395, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,40, Private,171424, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,35406, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,32, United-States +>50K,25, Private,238964, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,213002, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1408,36, United-States +<=50K,32, Private,27882, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Female,0,2205,40, Holand-Netherlands +<=50K,22, Private,340543, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,70240, Some-college,10, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,18, Self-emp-not-inc,87169, HS-grad,9, Never-married, Farming-fishing, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,43, Private,253759, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,45, United-States +<=50K,46, Private,194431, HS-grad,9, Never-married, Tech-support, Other-relative, White, Male,0,0,40, United-States +>50K,63, Private,137843, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,48, United-States +<=50K,40, ?,170649, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +>50K,59, Private,182460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,40, Local-gov,26929, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,399022, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,64, ?,50171, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,36, Private,218490, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,164423, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,124436, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,60981, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,17, Private,70868, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,16, United-States +<=50K,36, Private,150601, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +>50K,53, Private,228500, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,76767, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,39, United-States +<=50K,20, Private,218178, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,615367, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +>50K,34, Private,150324, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,51264, 11th,7, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,197642, Some-college,10, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,229895, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,167415, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,51, Private,166934, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,305597, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,301591, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,47, Federal-gov,229646, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0,0,40, Puerto-Rico +<=50K,28, Self-emp-not-inc,51461, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,206600, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,24, Nicaragua +<=50K,25, Private,176836, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +>50K,50, Private,204447, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,50, Private,33304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,174051, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,38918, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,1876,75, United-States +<=50K,32, Private,170017, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,98466, 10th,6, Never-married, Farming-fishing, Unmarried, White, Male,0,0,35, United-States +<=50K,19, Private,188864, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,20, United-States +>50K,53, Self-emp-inc,137815, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,43475, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,557236, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,68, Private,32779, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,419,12, United-States +<=50K,31, Private,161765, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2051,57, United-States +>50K,32, Private,207668, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,2444,50, United-States +<=50K,33, Private,171215, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, ?,52590, HS-grad,9, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,183751, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,149507, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,42, United-States +>50K,49, Private,98092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,123714, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, State-gov,190385, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,51, Private,334273, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,343440, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,208302, HS-grad,9, Divorced, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,23, Local-gov,280164, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,32, United-States +<=50K,23, Self-emp-not-inc,174714, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,184655, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,19, Private,140459, 11th,7, Never-married, Craft-repair, Other-relative, White, Male,0,0,25, United-States +<=50K,53, Self-emp-not-inc,108815, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,152652, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,69, Private,269499, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,8, United-States +<=50K,46, Local-gov,33373, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,243674, HS-grad,9, Separated, Tech-support, Not-in-family, White, Male,0,0,46, United-States +<=50K,40, Private,225432, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,215839, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, ? +<=50K,29, Local-gov,195520, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,70092, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,22, Private,189888, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,64307, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,94235, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,35, Private,62333, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,260997, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,17, Private,146268, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,39, Private,147258, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,207948, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,180607, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,56, Local-gov,104996, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,562336, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,38, Self-emp-not-inc,334366, Some-college,10, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,15, United-States +>50K,52, State-gov,142757, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,26, Local-gov,220656, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,38, England +<=50K,43, Private,96483, HS-grad,9, Divorced, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, South +<=50K,45, Private,51744, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,42, United-States +>50K,41, Self-emp-inc,114967, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,30, Private,393965, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,24, Private,41838, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,43, Local-gov,143046, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,44, Private,209174, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,54, Private,183248, HS-grad,9, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +>50K,23, Private,102942, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,2258,40, United-States +>50K,33, Self-emp-not-inc,427474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,338632, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,38, Private,89559, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, Germany +<=50K,41, Self-emp-not-inc,32533, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,22, ?,255969, 12th,8, Never-married, ?, Not-in-family, White, Male,0,0,48, United-States +>50K,66, Self-emp-inc,112376, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,346053, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,147653, 10th,6, Married-civ-spouse, Craft-repair, Wife, White, Female,0,1977,35, ? +<=50K,60, Self-emp-not-inc,44915, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,10, United-States +<=50K,24, Local-gov,111450, 10th,6, Never-married, Craft-repair, Unmarried, Black, Male,0,0,65, Haiti +<=50K,61, Private,171429, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,35, Local-gov,190964, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,109005, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,404453, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,280169, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,39, Self-emp-not-inc,163204, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,192256, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,181755, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,183105, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,44, Cuba +<=50K,37, Private,335168, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,38, Local-gov,86643, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,180262, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,127865, Masters,14, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,38, Self-emp-not-inc,146042, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,3103,0,60, United-States +>50K,49, Self-emp-not-inc,102110, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +>50K,38, Private,152237, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, ? +<=50K,22, Private,202745, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,55, United-States +>50K,40, Federal-gov,199303, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,266467, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,345259, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, United-States +<=50K,24, Private,204935, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,56, United-States +>50K,58, Federal-gov,244830, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,4787,0,40, United-States +<=50K,24, Private,190457, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,180138, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,38, Private,166585, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,29962, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,191129, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,378707, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,37, Private,116358, HS-grad,9, Never-married, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,27828,0,48, United-States +<=50K,48, Private,240629, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,40, Private,233320, 7th-8th,4, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,50, Self-emp-inc,302708, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,50, Japan +<=50K,57, Private,29375, HS-grad,9, Separated, Sales, Not-in-family, Amer-Indian-Eskimo, Female,0,0,35, United-States +>50K,36, Local-gov,137314, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,140886, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,226968, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,151793, 7th-8th,4, Widowed, Other-service, Not-in-family, Black, Female,0,0,10, United-States +<=50K,34, Self-emp-not-inc,56460, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,2179,12, United-States +<=50K,23, Private,72887, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,1, Vietnam +<=50K,35, Private,261646, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,32, Private,178615, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +>50K,33, Private,295589, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,32, Self-emp-inc,377836, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,56510, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,337696, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,183765, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,107846, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Local-gov,22641, HS-grad,9, Never-married, Protective-serv, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,35, Private,204590, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,29, Private,114801, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,190591, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,33, State-gov,220066, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,48, United-States +<=50K,22, ?,228480, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,128378, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,157595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Local-gov,152171, 11th,7, Never-married, Protective-serv, Own-child, White, Male,0,0,10, United-States +>50K,63, Private,339755, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, ? +<=50K,49, Private,240841, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,58, Private,94345, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,289116, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,59, Private,176647, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,79627, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,210781, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,17, ?,161981, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,493443, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,86459, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,64, Private,312242, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,3, United-States +<=50K,34, Private,185408, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,63, Private,101077, Assoc-acdm,12, Married-spouse-absent, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,51, Private,147200, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,40, State-gov,166327, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,35, United-States +<=50K,55, Private,178644, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,126675, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,46, ? +<=50K,30, Private,158420, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,25, United-States +<=50K,47, ?,83046, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +<=50K,29, Private,46609, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, ? +<=50K,17, ?,170320, 11th,7, Never-married, ?, Own-child, White, Female,0,0,8, United-States +>50K,32, Self-emp-not-inc,37232, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,55, Private,141877, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,81654, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,56, United-States +<=50K,50, Private,177705, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,124792, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,45, United-States +>50K,32, Self-emp-not-inc,129497, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,60, Private,114413, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,53, Private,189511, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Private,111625, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Male,8614,0,40, United-States +<=50K,45, Private,246431, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,31, Private,147654, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,443546, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,281751, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,28, Private,263128, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,26, Private,292692, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,47, Self-emp-inc,96798, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +>50K,34, Private,430554, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,317078, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,48, Private,108557, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,99999,0,40, United-States +<=50K,32, Private,207400, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,35, Private,187089, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,42, United-States +>50K,46, Local-gov,398986, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,52, United-States +<=50K,38, Private,238980, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,407495, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,70, United-States +>50K,35, Private,183800, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, ?,226989, HS-grad,9, Divorced, ?, Not-in-family, White, Male,4865,0,40, United-States +<=50K,45, Private,287190, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,35, United-States +<=50K,31, Private,111363, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,260938, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,183594, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,64, ?,49194, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,20, ?,117618, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,172496, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Private,389713, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,174413, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, State-gov,189843, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,198546, Masters,14, Widowed, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,21, Private,82497, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,193090, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,79, Private,172220, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, White, Female,2964,0,30, United-States +>50K,55, Private,208451, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,234277, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,60, Private,163729, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,2597,0,40, United-States +<=50K,37, Private,434097, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, Private,192053, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,1590,40, United-States +<=50K,20, State-gov,178628, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,96827, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Canada +<=50K,34, Private,154667, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,160246, Some-college,10, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, Self-emp-not-inc,166036, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,186813, HS-grad,9, Never-married, Protective-serv, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,29, Private,162312, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0,0,40, United-States +<=50K,58, Private,183893, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,55, ?,270228, Assoc-acdm,12, Married-civ-spouse, ?, Husband, Black, Male,7688,0,40, United-States +<=50K,40, Private,111829, Masters,14, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Federal-gov,175669, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,25, State-gov,104097, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Local-gov,117618, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,24, United-States +<=50K,34, Self-emp-inc,202450, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,109570, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,60, Private,101096, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,65, United-States +>50K,39, Private,236391, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,136975, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,167523, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2179,45, United-States +<=50K,33, Private,240979, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,26, Private,248612, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,39, Private,151023, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,114,0,45, United-States +>50K,29, Private,236436, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,40, United-States +<=50K,29, ?,153167, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,52, Private,61735, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,34, Private,243165, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,388885, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +>50K,77, Self-emp-inc,84979, Doctorate,16, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051,0,40, United-States +<=50K,34, Self-emp-not-inc,87209, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,53, Self-emp-not-inc,168539, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,31, Private,179013, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Private,196643, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,15, United-States +>50K,50, Self-emp-not-inc,68898, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, United-States +<=50K,32, Private,156464, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,35884, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,182714, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,77, Private,344425, 9th,5, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,10, United-States +<=50K,37, Self-emp-not-inc,177277, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,70767, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,520078, Assoc-acdm,12, Divorced, Sales, Unmarried, Black, Male,0,0,60, United-States +<=50K,53, Local-gov,321770, HS-grad,9, Married-spouse-absent, Transport-moving, Other-relative, White, Female,0,0,35, United-States +<=50K,32, Private,158416, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,312667, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,208656, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,594,0,20, United-States +<=50K,33, Private,31481, Bachelors,13, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,24, United-States +<=50K,31, Private,259531, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,186239, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,162954, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,249315, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,308237, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,103064, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,185847, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,54, United-States +<=50K,31, Private,168521, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,60, Private,198170, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,353628, 10th,6, Separated, Sales, Unmarried, Black, Female,0,0,38, United-States +<=50K,38, ?,273285, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, Private,272069, Assoc-voc,11, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,26, Private,22328, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,309212, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,25, United-States +>50K,25, Self-emp-inc,148888, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Local-gov,324637, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +>50K,53, Self-emp-inc,55139, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,42, ?,212206, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,1887,48, United-States +<=50K,29, Private,119004, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2179,40, United-States +>50K,45, Private,252079, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,70, Private,315868, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,55, Self-emp-inc,392325, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +>50K,40, State-gov,174283, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +<=50K,17, Private,126832, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,18, Private,126071, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,265706, Masters,14, Never-married, Sales, Unmarried, White, Male,0,0,60, United-States +<=50K,41, Private,282964, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,328518, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, State-gov,283499, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,286675, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,56, Private,136472, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,36, Private,132879, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +<=50K,26, Private,314798, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, Private,143943, Bachelors,13, Widowed, Tech-support, Unmarried, White, Female,0,0,7, United-States +<=50K,35, Private,134367, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Local-gov,366796, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,195573, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,33616, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,31, Private,164190, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,380281, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,25, Columbia +>50K,58, Self-emp-inc,190763, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Local-gov,209535, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,156003, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,55699, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,40, United-States +>50K,28, Private,183151, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7688,0,40, United-States +<=50K,40, Private,198790, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +>50K,33, Self-emp-not-inc,272359, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,80, United-States +<=50K,27, Private,236481, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,10, India +<=50K,55, Private,143266, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,25, United-States +<=50K,53, Private,192386, HS-grad,9, Separated, Transport-moving, Unmarried, White, Male,0,0,45, United-States +<=50K,23, Private,99543, 12th,8, Never-married, Transport-moving, Not-in-family, White, Male,0,0,46, United-States +<=50K,66, Private,169435, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,16, United-States +>50K,34, Self-emp-not-inc,34572, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,119272, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,211601, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,26, Private,154785, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, Other, Female,0,0,35, United-States +<=50K,21, Private,213041, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Cuba +<=50K,59, Private,229939, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,175331, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,30, Private,226443, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,46561, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,161311, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,30, United-States +<=50K,50, Private,98215, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, Private,118363, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,2206,5, United-States +<=50K,59, Local-gov,181242, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,356238, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,80, United-States +>50K,56, Self-emp-not-inc,39380, Some-college,10, Married-spouse-absent, Farming-fishing, Not-in-family, White, Female,27828,0,20, United-States +<=50K,28, Private,315287, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, ? +<=50K,34, Private,269723, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,2977,0,50, United-States +<=50K,63, Private,34098, 10th,6, Widowed, Farming-fishing, Unmarried, White, Female,0,0,56, United-States +<=50K,48, Private,50880, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +>50K,41, Federal-gov,356934, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,26, Private,276309, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,20, United-States +<=50K,47, Private,175925, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,2179,52, United-States +<=50K,29, Self-emp-not-inc,164607, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,224462, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,92863, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,179565, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,37, United-States +<=50K,59, Self-emp-not-inc,31137, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,19, Private,199495, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,175262, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,37, Private,220585, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Local-gov,231793, Doctorate,16, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,34, Federal-gov,191342, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,38, United-States +<=50K,30, Private,186420, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,35, United-States +>50K,30, Private,328242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,56, Private,279340, 11th,7, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,19, Private,174478, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,151771, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,145636, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,43, United-States +<=50K,21, Private,120326, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,246439, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,144133, Bachelors,13, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,50, United-States +<=50K,44, Local-gov,145522, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,312055, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,235847, Some-college,10, Never-married, Exec-managerial, Other-relative, White, Female,0,0,50, United-States +<=50K,37, Private,187748, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,396482, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +<=50K,49, Private,261688, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,60, United-States +<=50K,20, Private,39477, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,37, Private,143058, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,216867, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, Mexico +<=50K,44, Private,230592, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,35, United-States +<=50K,30, Local-gov,40338, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,115457, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,374983, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,285419, 12th,8, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, ?,385901, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,22, United-States +<=50K,45, State-gov,187581, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,299036, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,42, Private,68729, Some-college,10, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,27, Private,333990, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,117767, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,43, Private,184378, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,232591, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,143851, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,89622, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,80, United-States +<=50K,34, Private,202498, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,72, Private,268861, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,99, ? +>50K,54, Private,343242, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,30, Private,460408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,205246, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,230329, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,197871, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,72, ?,201375, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Private,194290, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,191814, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,95168, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,137876, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,386136, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,108390, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,3432,0,20, United-States +>50K,41, Private,152529, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,214891, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Dominican-Republic +<=50K,18, Private,133654, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,147548, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,57, Private,73051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,60166, 1st-4th,2, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,0,0,65, United-States +<=50K,25, Self-emp-inc,454934, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,64, ?,338355, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,15, United-States +<=50K,35, Self-emp-not-inc,185621, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,101500, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,36397, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,18, Private,276540, 12th,8, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,21, Private,293968, Some-college,10, Married-spouse-absent, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,43, ?,35523, Assoc-acdm,12, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,32, Local-gov,186993, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,52, Private,232132, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,176917, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,105936, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,105821, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,22, ?,34506, Some-college,10, Separated, ?, Unmarried, White, Female,0,0,25, United-States +<=50K,42, Private,178074, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,116961, 7th-8th,4, Widowed, ?, Unmarried, White, Female,0,0,20, United-States +<=50K,34, Private,191930, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,130807, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,94100, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,65, Self-emp-not-inc,144822, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-inc,102191, Masters,14, Widowed, Exec-managerial, Unmarried, White, Female,0,0,99, United-States +<=50K,18, Private,90934, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,28, United-States +<=50K,49, ?,296892, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Puerto-Rico +>50K,48, Private,173243, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,258768, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,2174,0,75, United-States +<=50K,30, Private,189759, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,68, Self-emp-not-inc,69249, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,133061, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,65, Self-emp-not-inc,175202, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,32, Private,27051, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +>50K,44, Private,60414, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,48, Local-gov,317360, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,258298, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,58, Private,174040, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Local-gov,177566, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,50, Germany +>50K,54, Private,162238, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,35, Private,87556, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,144322, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,24, Private,190015, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,183173, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,38, Self-emp-not-inc,151322, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Local-gov,47392, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,107125, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Private,265295, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,189219, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,16, United-States +<=50K,56, Private,147989, Some-college,10, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,185732, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,153516, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,191910, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,216145, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,202872, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,12, United-States +<=50K,62, Self-emp-not-inc,39630, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,24, ?,114292, 9th,5, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,26, Local-gov,206721, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,358585, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,377283, Bachelors,13, Separated, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,65, ?,76043, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,1, United-States +<=50K,65, Without-pay,172949, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2414,0,20, United-States +>50K,46, Private,110171, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,43, Local-gov,223861, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,163455, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,183892, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,47022, HS-grad,9, Widowed, Handlers-cleaners, Other-relative, White, Female,0,0,48, United-States +>50K,55, Federal-gov,145401, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,387074, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,105363, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4508,0,40, United-States +<=50K,59, Federal-gov,195467, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Local-gov,170217, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,156807, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,10, United-States +<=50K,26, Private,255193, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,40, United-States +<=50K,38, Private,273640, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,191177, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, Self-emp-inc,184787, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,37, State-gov,239409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,63, Self-emp-not-inc,404547, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,27, State-gov,23740, HS-grad,9, Never-married, Transport-moving, Not-in-family, Amer-Indian-Eskimo, Male,0,0,38, United-States +<=50K,20, Private,382153, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,26, Private,164488, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,21, ?,228424, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,168539, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,189530, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,89419, Assoc-voc,11, Divorced, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, Columbia +>50K,35, Private,224512, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,21, ?,314645, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,43, United-States +<=50K,65, Private,85787, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Local-gov,279881, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,194287, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,1602,35, United-States +<=50K,24, Private,141040, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,36, Private,222294, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,70, ?,410980, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,52, Private,38795, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,64, Private,182979, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,223277, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,67065, Assoc-voc,11, Never-married, Priv-house-serv, Not-in-family, White, Male,594,0,25, United-States +<=50K,47, Federal-gov,160647, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,45796, 12th,8, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,110597, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,33, Private,166961, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,52, Private,318975, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Cuba +<=50K,49, Private,305657, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,120857, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,18, United-States +<=50K,62, Self-emp-not-inc,158712, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,6, United-States +<=50K,44, Private,304530, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Local-gov,327533, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +>50K,68, Local-gov,233954, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Federal-gov,26880, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,70754, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,184665, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,245372, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,0,15, United-States +<=50K,62, Private,252668, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +>50K,37, Private,86551, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, Private,241998, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,4787,0,40, United-States +<=50K,44, Private,106900, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +>50K,41, Private,204235, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,127772, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,117217, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,48, Federal-gov,215389, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,198050, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +>50K,39, Private,173476, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,38, Private,217349, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,14344,0,40, United-States +>50K,44, Private,377018, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Private,99894, 10th,6, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,30, Japan +<=50K,25, Private,170786, 9th,5, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Local-gov,250585, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,47, Private,198769, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,306513, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,178623, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,14084,0,60, United-States +<=50K,23, Private,109307, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,41, Federal-gov,106982, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,396878, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,25, United-States +<=50K,23, Private,344278, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,25, United-States +>50K,45, Private,203653, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7298,0,40, United-States +<=50K,42, Local-gov,227890, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,29, Private,107812, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,15, United-States +<=50K,48, Private,185143, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,143068, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,114758, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,46, Private,266337, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,321787, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,27, State-gov,21306, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +<=50K,18, Private,271935, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,148952, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,42, Private,196626, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,108082, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,36, Private,199439, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,304076, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +>50K,52, Self-emp-inc,81436, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,352971, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,53, Private,375134, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,36, Private,206521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,330466, Bachelors,13, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,52, Private,208302, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,60, Self-emp-not-inc,135285, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,171615, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,64, Self-emp-not-inc,149698, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,71351, 1st-4th,2, Never-married, Other-service, Other-relative, White, Male,0,0,25, El-Salvador +<=50K,63, Private,84737, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,54, Local-gov,375134, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,207103, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,199314, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Poland +<=50K,63, Self-emp-not-inc,289741, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,41310,0,50, United-States +<=50K,37, Private,240837, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,22, Private,283499, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,54, Private,97778, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,21698, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Local-gov,232618, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,175820, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,25, Local-gov,63996, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Local-gov,182985, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,380127, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Self-emp-not-inc,111483, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,18, ?,31008, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,96346, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,57, United-States +<=50K,22, Private,317528, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,34, United-States +<=50K,36, State-gov,223020, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,33, ?,173998, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,1485,38, United-States +<=50K,39, Private,115076, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,49, Private,133969, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,50, United-States +<=50K,41, Private,173858, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,35, Private,193241, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,40, Self-emp-inc,50644, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Female,1506,0,40, United-States +<=50K,30, Private,178841, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,177017, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,1504,37, United-States +>50K,25, Private,253267, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1902,36, United-States +>50K,37, Private,202027, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,7688,0,50, United-States +>50K,53, Self-emp-not-inc,321865, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Self-emp-not-inc,321709, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,22, Private,166371, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, ? +<=50K,18, Private,210574, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,52, ?,92968, Masters,14, Married-civ-spouse, ?, Wife, White, Female,15024,0,40, United-States +<=50K,45, Private,474617, HS-grad,9, Divorced, Sales, Unmarried, Black, Male,5455,0,40, United-States +<=50K,19, Private,264390, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,2001,40, United-States +<=50K,33, Self-emp-inc,144949, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,45, State-gov,90803, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,126701, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,40, Private,178417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,41, Self-emp-not-inc,197176, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,75, United-States +<=50K,25, Private,182227, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1579,40, United-States +<=50K,22, Private,117606, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,32, United-States +<=50K,52, Private,349502, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,45, United-States +>50K,45, Federal-gov,81487, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,32, State-gov,169583, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +<=50K,26, Private,485117, Bachelors,13, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,35603, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,175390, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,184986, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Local-gov,174395, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,187711, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,189878, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,224073, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,48, Private,159726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,40, ?,65545, Masters,14, Divorced, ?, Own-child, White, Female,0,0,55, United-States +<=50K,26, Private,456618, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,2597,0,40, United-States +>50K,35, Private,202397, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,21, Private,206681, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,54, Private,222020, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,70, United-States +<=50K,40, Private,137304, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,51, Private,141645, Some-college,10, Separated, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,218085, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,22, Private,52596, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,20, Private,197997, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,191444, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,40767, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,172577, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,36, Private,241998, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,65, State-gov,215908, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,2174,40, United-States +>50K,48, Private,212120, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Private,109133, Masters,14, Separated, Exec-managerial, Not-in-family, White, Male,27828,0,60, Iran +<=50K,20, Private,224424, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,41, State-gov,214985, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,147098, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Local-gov,149833, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,41, Federal-gov,253770, Some-college,10, Married-civ-spouse, Transport-moving, Wife, White, Female,7298,0,40, United-States +<=50K,80, Private,252466, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,59, State-gov,132717, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,52, Private,138944, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,39, Private,280570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,50, United-States +<=50K,56, Self-emp-not-inc,144380, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,69, Local-gov,660461, HS-grad,9, Widowed, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +>50K,49, Private,177211, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,197424, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5013,0,40, United-States +>50K,28, Self-emp-inc,31717, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,49, Private,296849, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,193720, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,106698, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,66, Private,214469, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,13, United-States +>50K,44, Private,185798, Assoc-voc,11, Separated, Craft-repair, Other-relative, White, Male,0,0,48, United-States +<=50K,26, Private,333108, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,35210, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,140845, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,155,40, United-States +<=50K,25, ?,335376, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,17, Private,170455, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +>50K,52, Private,298215, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, ?,93834, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,8, United-States +<=50K,24, Private,404416, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,206916, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,65, Private,143175, Some-college,10, Widowed, Sales, Other-relative, White, Female,0,0,45, United-States +>50K,36, Self-emp-not-inc,409189, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,285750, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, United-States +<=50K,43, Private,235556, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,45, Mexico +>50K,39, Local-gov,170382, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, England +>50K,48, Private,195437, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,50, Local-gov,191130, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,231160, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,36, Private,47310, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,214635, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,36, Haiti +<=50K,50, Federal-gov,65160, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, State-gov,423222, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,99999,0,80, United-States +<=50K,34, Private,263307, Bachelors,13, Never-married, Sales, Unmarried, Black, Male,0,0,45, ? +>50K,70, Self-emp-inc,272896, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,232854, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,442035, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,127875, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,283724, 9th,5, Never-married, Craft-repair, Other-relative, Black, Male,0,0,49, United-States +>50K,46, Private,403911, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1902,40, United-States +<=50K,21, ?,228649, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,40, Private,177027, Bachelors,13, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,7688,0,52, Japan +<=50K,47, Private,249935, 11th,7, Divorced, Craft-repair, Own-child, White, Male,0,0,8, United-States +<=50K,19, Private,533147, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Private,137862, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,16, United-States +<=50K,20, Private,249543, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,16, United-States +>50K,46, Local-gov,230979, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,4787,0,25, United-States +>50K,41, Private,137126, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,17, Private,147339, 10th,6, Never-married, Prof-specialty, Own-child, Other, Female,0,0,15, United-States +<=50K,41, Private,256647, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,111696, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,1974,40, United-States +<=50K,20, ?,150084, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,24, Private,285457, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,303867, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,44, Federal-gov,113597, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,26, Self-emp-not-inc,151626, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,47, Self-emp-not-inc,26145, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,176189, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,58, Federal-gov,497253, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,41, Private,41090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2002,60, United-States +>50K,38, Self-emp-not-inc,282461, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,225541, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,203488, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,23, ?,296613, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,40, Private,99373, 10th,6, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Local-gov,109705, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,144947, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,617898, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,38310, 7th-8th,4, Divorced, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,45, Private,248993, HS-grad,9, Married-spouse-absent, Farming-fishing, Other-relative, Black, Male,0,0,40, United-States +>50K,65, ?,149131, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Italy +<=50K,33, Private,69311, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Federal-gov,143766, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Private,213477, Masters,14, Divorced, Sales, Not-in-family, White, Male,0,0,28, United-States +<=50K,24, Private,275691, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,39, United-States +<=50K,26, Private,59367, Bachelors,13, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,55, Private,35551, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Private,236784, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,8, Cuba +<=50K,43, Local-gov,193755, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,315291, Bachelors,13, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,22, Private,290504, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,256240, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,199591, Prof-school,15, Married-civ-spouse, ?, Wife, White, Female,0,0,25, ? +<=50K,27, Private,178709, Masters,14, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,449354, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,4386,0,45, United-States +<=50K,24, Private,187937, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Never-worked,157131, 11th,7, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,53, Local-gov,188772, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,26, Private,157617, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Poland +>50K,60, Private,96099, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,122322, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,60, United-States +<=50K,39, Private,409189, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,45, Private,175925, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,76, Self-emp-not-inc,236878, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,216647, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,34, Private,300681, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, Jamaica +<=50K,54, Private,327769, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,194723, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Local-gov,31251, 7th-8th,4, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,212506, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,23037, 12th,8, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,29054, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,41, Private,92733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,184678, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,37, Federal-gov,32528, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, England +<=50K,63, Private,125954, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174,0,40, United-States +<=50K,35, Private,73715, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,209212, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,56, ? +<=50K,41, Private,287037, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,64667, HS-grad,9, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,60, Vietnam +<=50K,26, Self-emp-inc,366662, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +>50K,36, Local-gov,113337, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +>50K,47, Private,387468, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Scotland +<=50K,51, Private,384248, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, United-States +<=50K,41, Private,332703, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Other, Female,0,625,40, United-States +>50K,40, Private,198873, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,30, United-States +<=50K,32, Private,317809, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064,0,50, United-States +>50K,37, Local-gov,160910, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,40, Self-emp-inc,182629, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Private,267652, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,410186, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,365411, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,28, Private,205337, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-not-inc,100999, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,44, Private,197462, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,42, Self-emp-not-inc,199143, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,7430,0,44, United-States +>50K,47, Private,191978, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,50178, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,61, Private,72442, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,248512, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,26, Private,178140, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +>50K,58, Private,354024, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,143589, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,219902, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Local-gov,419722, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,3674,0,40, United-States +>50K,40, Private,154374, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,33, Private,132601, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Self-emp-not-inc,29430, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,30731, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +>50K,66, Private,210825, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,251091, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,219034, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Federal-gov,35723, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,358886, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,248708, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,77937, 12th,8, Divorced, ?, Not-in-family, White, Female,0,0,40, Canada +<=50K,30, Private,30063, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,29, Private,253799, 12th,8, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, England +<=50K,60, ?,41553, Some-college,10, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,59146, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,42, Self-emp-not-inc,343609, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,50, United-States +<=50K,26, Private,216010, HS-grad,9, Separated, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,37, Private,164526, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,150958, 5th-6th,3, Never-married, Farming-fishing, Unmarried, White, Male,0,0,48, Guatemala +<=50K,26, Private,244495, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,199336, Assoc-voc,11, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +>50K,60, Private,151369, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Federal-gov,118701, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,219611, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,184568, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,246891, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,70, Self-emp-inc,243436, 9th,5, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Local-gov,68318, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,55, United-States +<=50K,58, Private,56331, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,190591, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,54, Private,140359, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,3900,40, United-States +>50K,42, Self-emp-inc,23510, Masters,14, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,2201,60, India +<=50K,28, Private,122540, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,65, Private,212562, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,35, Self-emp-not-inc,112497, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, White, Male,0,0,35, Ireland +<=50K,82, Private,147729, 5th-6th,3, Widowed, Other-service, Unmarried, White, Male,0,0,20, United-States +>50K,48, Self-emp-not-inc,296066, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,44, Private,148138, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, Japan +<=50K,68, Private,50351, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,6360,0,20, United-States +<=50K,42, Private,306496, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,210029, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,2001,37, United-States +<=50K,54, Private,163894, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,22, Private,113936, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,316820, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +<=50K,17, Private,53367, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,46, Self-emp-not-inc,95256, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +>50K,59, Private,127728, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,66686, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,207627, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2228,0,24, United-States +>50K,57, Self-emp-inc,199768, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,30, United-States +<=50K,47, ?,186805, HS-grad,9, Married-civ-spouse, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,31, Private,154297, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,24, United-States +<=50K,23, Private,103064, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,93235, 12th,8, Never-married, Other-service, Own-child, White, Female,0,1721,25, United-States +<=50K,63, Private,440607, Preschool,1, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,30, Mexico +>50K,44, Private,212894, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,30, Private,167990, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,378460, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,151089, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,60, United-States +<=50K,24, Private,153583, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,114639, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,37, Private,344480, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,188300, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,105938, HS-grad,9, Divorced, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,217826, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,25, Jamaica +<=50K,20, Private,379525, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,34, State-gov,177331, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,4386,0,40, United-States +<=50K,37, Private,127918, Some-college,10, Never-married, Transport-moving, Unmarried, White, Female,0,0,20, Puerto-Rico +<=50K,47, Federal-gov,27067, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,250038, 9th,5, Never-married, Farming-fishing, Other-relative, White, Male,0,0,45, Mexico +>50K,36, Self-emp-not-inc,36270, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1977,65, United-States +<=50K,60, Private,308608, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,64, Self-emp-inc,213574, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,10, United-States +<=50K,32, Local-gov,235109, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, State-gov,374905, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,118876, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,14, United-States +<=50K,55, Local-gov,223716, Some-college,10, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,85, Self-emp-not-inc,166027, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,57, Self-emp-not-inc,275943, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,39, Private,198654, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,2415,67, India +<=50K,25, Private,109080, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,55, United-States +>50K,58, Private,104333, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,195876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,390879, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +<=50K,19, Private,197748, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,20, United-States +>50K,40, Private,442045, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,44216, HS-grad,9, Never-married, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,43, Federal-gov,114537, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, ?,253370, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,35, United-States +<=50K,19, Private,274830, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,24, Private,321763, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +>50K,34, Private,213226, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,22, Private,167787, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,352712, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,55, ?,316027, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,26, Private,213412, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,80, Private,202483, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,79, Local-gov,146244, Doctorate,16, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,58, Self-emp-not-inc,450544, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,81243, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,1876,40, United-States +>50K,43, Private,195258, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,57929, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +>50K,35, Private,953588, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,51, Private,99064, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +>50K,52, Local-gov,194788, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,4787,0,60, United-States +>50K,43, Self-emp-inc,155293, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,68, Private,204082, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,34, State-gov,216283, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,37, Private,355856, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,22, Private,297380, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,32, Private,425622, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,65, Self-emp-not-inc,145628, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,115549, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,37, Private,245482, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,40, Self-emp-inc,142444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,134026, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,52, Private,177366, HS-grad,9, Separated, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,35, Private,38245, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,62, Self-emp-not-inc,215944, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,49, Private,115784, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,170165, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Female,0,0,55, United-States +>50K,47, Private,355320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,45, Private,116163, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,405644, 1st-4th,2, Married-spouse-absent, Farming-fishing, Other-relative, White, Male,0,0,77, Mexico +>50K,36, Local-gov,223433, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,53, United-States +<=50K,36, Private,41624, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, Mexico +>50K,44, Private,151089, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +>50K,51, State-gov,285747, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,60, United-States +<=50K,25, State-gov,108542, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,212318, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,57, Private,173090, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,32, United-States +<=50K,46, Private,26781, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,59, Private,31782, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,189241, 11th,7, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,164229, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,2597,0,40, United-States +<=50K,35, Private,240467, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,27, Private,263614, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,29, Private,74500, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Federal-gov,263502, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,47707, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,26, Private,231638, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,55, ?,389479, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,111128, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,152307, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, ?,280134, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,609789, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, ? +<=50K,41, Private,184466, 11th,7, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,44, Private,216411, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, Dominican-Republic +<=50K,48, Self-emp-not-inc,324173, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,35, Local-gov,300681, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,7298,0,35, United-States +<=50K,43, Local-gov,598995, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,42, United-States +>50K,57, Federal-gov,140711, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,262241, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Private,308136, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,148590, 10th,6, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,52, Private,195635, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,38, United-States +<=50K,30, Private,228406, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,31, Private,136398, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Thailand +<=50K,21, ?,305466, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,70, United-States +>50K,50, Self-emp-inc,175070, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,43, Self-emp-not-inc,34007, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,121195, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Other, Male,0,0,50, United-States +<=50K,23, Federal-gov,216853, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +>50K,35, Private,81280, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, Yugoslavia +<=50K,18, Private,212936, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,21, ?,213055, Some-college,10, Never-married, ?, Unmarried, Other, Female,0,0,40, United-States +>50K,33, Local-gov,220430, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,70, United-States +<=50K,30, Federal-gov,73514, Bachelors,13, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,45, United-States +<=50K,21, Private,307371, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,15, United-States +>50K,36, Local-gov,380614, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, Germany +<=50K,38, Private,119992, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,192002, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, Canada +<=50K,24, Private,327518, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,220323, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,39, Private,421633, Some-college,10, Divorced, Protective-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,43, Private,154210, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,2829,0,60, China +<=50K,43, Self-emp-not-inc,35034, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,21, United-States +>50K,62, ?,378239, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,30, State-gov,270218, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,25, Private,254933, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,61751, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,22, Private,137876, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +>50K,73, Private,336007, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2246,40, United-States +>50K,26, Private,222539, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,233856, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Black, Male,0,0,45, United-States +<=50K,18, Private,198616, 12th,8, Never-married, Craft-repair, Own-child, White, Male,594,0,20, United-States +>50K,35, Private,202027, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,7298,0,35, United-States +<=50K,22, Private,203182, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,43, United-States +<=50K,28, Private,221317, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,186934, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,68, ?,351402, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +<=50K,40, Local-gov,179580, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,32, Private,26803, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,84, United-States +>50K,42, Private,344624, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,50, United-States +<=50K,31, State-gov,59969, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,33, Private,162930, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, Italy +<=50K,54, Self-emp-not-inc,192654, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,63, Private,117681, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +<=50K,67, Self-emp-not-inc,179285, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,217161, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,14, United-States +<=50K,67, Self-emp-inc,116517, Bachelors,13, Widowed, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,33, Private,170336, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0,0,19, United-States +<=50K,33, Local-gov,256529, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,80, United-States +<=50K,25, Local-gov,227886, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,141706, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,361888, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,54, Private,185407, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,35, Self-emp-not-inc,176101, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,18, Private,216730, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,54, ?,155755, HS-grad,9, Divorced, ?, Not-in-family, White, Female,4416,0,25, United-States +<=50K,30, Private,609789, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, Mexico +<=50K,29, Private,136017, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +>50K,41, Private,58880, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,10, United-States +>50K,40, Private,285787, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,46, Private,173243, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,5178,0,40, United-States +<=50K,39, Private,160916, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,45, United-States +>50K,42, Private,227397, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,49, Self-emp-not-inc,111066, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,189924, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,31740, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,120837, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,48, United-States +>50K,31, Private,172304, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,72, ?,166253, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,2, United-States +>50K,31, Private,86492, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,90, Private,206667, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,153546, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,18, ?,189041, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,115932, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,99999,0,50, United-States +<=50K,27, Local-gov,151626, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,37302, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,109001, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,195488, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,45, United-States +<=50K,43, Local-gov,216116, Masters,14, Separated, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +<=50K,26, Private,118497, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,48, Self-emp-not-inc,101233, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,41, Private,349703, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,32, Private,226883, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,23, Private,214635, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,169672, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,42, Private,71458, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, State-gov,142621, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4101,0,40, United-States +<=50K,34, Private,125279, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,197303, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,46, Local-gov,148995, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,4787,0,45, United-States +<=50K,34, Private,69251, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,39, Private,160123, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,137310, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, ? +<=50K,25, Private,323229, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,138626, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,2174,0,50, United-States +<=50K,46, Private,102359, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,151888, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,4650,0,50, Ireland +<=50K,37, Private,404661, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +>50K,39, Private,99146, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,38, Self-emp-not-inc,185325, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,230268, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,38819, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,37, Private,380614, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,13, United-States +<=50K,45, Private,319637, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,71, Private,149040, 12th,8, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,320984, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,117201, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,22, United-States +<=50K,38, Private,81965, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Local-gov,182302, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,29, Private,53434, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,216214, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,24127, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,32, Federal-gov,115066, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,120277, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,57, Self-emp-not-inc,134286, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,55, Private,26716, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, ?,174533, 11th,7, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,46, Self-emp-inc,175958, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, ? +<=50K,36, Private,218948, 9th,5, Separated, Other-service, Unmarried, Black, Female,0,0,40, ? +>50K,66, Private,117746, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,206199, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +>50K,58, Self-emp-inc,89922, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,62, Private,69867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,109020, Bachelors,13, Never-married, Prof-specialty, Unmarried, Other, Male,0,0,40, United-States +<=50K,77, ?,158847, Assoc-voc,11, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,25, Private,130302, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,156728, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,56, United-States +<=50K,33, Private,424719, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Federal-gov,217647, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, Private,33087, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,241895, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,38455, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,81054, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,25, United-States +<=50K,44, Private,163215, 12th,8, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,156728, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,127930, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,46, Federal-gov,227310, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,24, Private,96844, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,17, United-States +<=50K,18, Private,245199, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,46385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,186385, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,8, United-States +<=50K,55, Private,252714, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,154897, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,41, Private,320744, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,138852, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,48, Private,102092, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,32533, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,278151, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,338290, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,34378, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,43, Private,91959, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,265881, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,60, Private,276009, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,30, Philippines +<=50K,27, Private,193898, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,139364, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, State-gov,306473, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,37232, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +<=50K,19, State-gov,56424, 12th,8, Never-married, Transport-moving, Own-child, Black, Male,0,0,20, United-States +<=50K,33, Private,165235, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Thailand +>50K,34, Private,153326, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,106976, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,57, Private,109015, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,59, Private,154100, Masters,14, Never-married, Sales, Not-in-family, White, Female,27828,0,45, United-States +<=50K,36, Private,183739, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Female,0,2002,40, United-States +>50K,60, Private,367695, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,156015, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,185132, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,20, Self-emp-not-inc,188274, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,28, Local-gov,50512, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,2202,0,50, United-States +<=50K,24, State-gov,147719, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,31, Private,414525, 12th,8, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,60, United-States +<=50K,38, Private,289148, HS-grad,9, Married-spouse-absent, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,176069, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,55, State-gov,199713, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,49, Private,297884, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4064,0,50, United-States +<=50K,33, Private,204829, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,52, Private,155433, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, ? +<=50K,24, Local-gov,32950, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,46, Private,233511, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,20, Private,210781, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,50, Private,190762, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,22, Private,83315, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,343872, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,35, Haiti +>50K,46, Private,185385, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,62, ?,302142, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2961,0,30, United-States +>50K,39, Private,80324, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,62, United-States +<=50K,26, Private,357933, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,20, Private,211293, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,14, United-States +<=50K,37, Self-emp-inc,199265, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,202872, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,22, Private,195075, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +>50K,32, Private,317378, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,10520,0,40, United-States +<=50K,41, Private,187802, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,97212, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,47902, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, State-gov,76767, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,39, United-States +>50K,42, Private,172297, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +<=50K,56, Private,274475, 9th,5, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,105244, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,55, Local-gov,165695, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,29, Private,253801, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Private,305597, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,352448, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,242768, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,49, Self-emp-inc,201080, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,18, Local-gov,159032, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,149568, 9th,5, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,40, United-States +<=50K,24, Private,229553, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,20, ? +<=50K,24, State-gov,155775, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,120074, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Local-gov,257588, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,177907, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,309311, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,138975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,43, Self-emp-not-inc,187778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,35865, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,35, United-States +<=50K,50, Private,234373, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +<=50K,17, ?,151141, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,39, Private,144688, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,50, United-States +<=50K,43, Private,248094, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,43, Private,248094, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,40, Private,213821, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, State-gov,55849, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,121712, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Federal-gov,164552, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,1876,40, United-States +<=50K,55, Private,223127, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,190514, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,75, United-States +<=50K,29, Private,203797, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,28, Private,378460, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,10520,0,60, United-States +<=50K,30, Private,105908, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,232356, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1672,55, United-States +<=50K,23, Private,210526, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,71, Private,193530, 11th,7, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,75, United-States +<=50K,22, ?,22966, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,21, Private,43535, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, ?,72486, HS-grad,9, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,24, China +<=50K,22, ?,229997, Some-college,10, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,49, Private,183013, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,113364, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,197380, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,298635, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,26, Private,213385, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,30, ?,108464, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,31007, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,35917, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Private,99385, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Canada +>50K,50, Private,48358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,31, Private,241885, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +<=50K,51, Private,24344, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Private,149686, 9th,5, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,24, State-gov,154432, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,29, Private,331875, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Dominican-Republic +<=50K,26, Private,259585, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,24, United-States +<=50K,51, Private,104748, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Local-gov,144949, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,47, State-gov,199512, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,302438, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,129155, 11th,7, Widowed, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,49, Federal-gov,115784, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,96509, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,62, Private,226733, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,244945, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,76, Private,243768, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +>50K,40, ?,351161, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,35, Private,186934, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,89813, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,54, Self-emp-inc,129432, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,55, Self-emp-not-inc,184702, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,275291, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,12, United-States +<=50K,20, Private,258298, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,39, Private,139743, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,26, Private,102476, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,10520,0,64, United-States +<=50K,20, Private,103840, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,42, United-States +<=50K,28, Private,274579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,56, Federal-gov,156842, Some-college,10, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,101020, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,44, Federal-gov,68729, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,55, Private,141326, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,168723, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,30, Private,347166, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,13550,0,45, United-States +>50K,34, Local-gov,213722, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,57, United-States +<=50K,42, Private,196797, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,0,0,38, United-States +<=50K,50, Self-emp-inc,207246, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,75, United-States +>50K,34, Federal-gov,199934, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,272185, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,33, United-States +<=50K,27, ?,190650, Bachelors,13, Never-married, ?, Unmarried, Asian-Pac-Islander, Male,0,0,25, Philippines +<=50K,81, ?,147097, Bachelors,13, Widowed, ?, Not-in-family, White, Male,0,0,5, United-States +<=50K,47, Private,266281, 11th,7, Never-married, Machine-op-inspct, Unmarried, Black, Female,6849,0,40, United-States +<=50K,57, Private,96779, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,65, ?,117162, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,56, United-States +<=50K,33, Private,188352, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,37, Private,359131, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,48, United-States +<=50K,53, Private,198824, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, State-gov,68393, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,115613, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,45363, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,39, Private,121590, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,4787,0,40, United-States +<=50K,58, Local-gov,292379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,482732, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,24, United-States +<=50K,19, Private,198663, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Private,230329, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,51, Private,29887, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,44, United-States +<=50K,52, Private,194259, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, Germany +>50K,53, Private,126368, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,50, Private,108446, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,220696, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,32008, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,72, United-States +<=50K,30, Private,191777, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +>50K,50, Private,185846, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,76, Private,127016, 7th-8th,4, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,102308, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,40, United-States +<=50K,24, Private,157894, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,345405, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2885,0,40, United-States +>50K,56, Self-emp-not-inc,94156, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,50, Private,145409, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, Private,190968, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,2407,0,40, United-States +<=50K,23, Local-gov,212803, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,51, Private,168660, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,234481, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,131461, 9th,5, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,24, Haiti +>50K,45, Private,408773, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,126117, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,155489, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,296749, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,44, State-gov,185832, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,46, United-States +>50K,60, Private,43235, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,213152, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,25, Local-gov,334267, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, ?,253101, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,24, United-States +>50K,43, Private,64631, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,44, Local-gov,193882, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,1340,40, United-States +<=50K,63, Private,71800, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,41, United-States +<=50K,46, Local-gov,170092, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,43, United-States +<=50K,47, Private,198223, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,359796, Some-college,10, Divorced, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, Private,110556, HS-grad,9, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,46, Private,196858, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,48, ?,112860, 10th,6, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, United-States +<=50K,61, Self-emp-not-inc,224784, Assoc-acdm,12, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,90, United-States +>50K,53, Federal-gov,271544, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,1977,40, United-States +<=50K,79, ?,142171, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,1409,0,35, United-States +<=50K,44, Private,221172, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,54, Private,256916, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,157332, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,47, Federal-gov,192894, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,18, Private,240183, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,204338, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,122166, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Iran +>50K,37, Local-gov,397877, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Private,115066, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,2547,40, United-States +>50K,35, Self-emp-not-inc,170174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,60, United-States +<=50K,59, Private,171015, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,34, United-States +<=50K,46, Private,91262, Some-college,10, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,45, Local-gov,127678, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,263338, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,22, Private,129508, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,28, United-States +<=50K,41, Private,192107, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,93930, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Federal-gov,207537, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,22, Private,138542, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +>50K,29, Self-emp-not-inc,116207, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,22, Private,198244, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,39, United-States +<=50K,34, Private,90614, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,2042,10, United-States +<=50K,23, Private,211160, 12th,8, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,194630, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,3781,0,50, United-States +<=50K,25, Private,161478, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,59, Private,144071, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,167005, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,55, United-States +<=50K,55, Private,342121, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,77, Self-emp-not-inc,71676, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,1944,1, United-States +>50K,42, Private,124692, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,47, Private,147236, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,145175, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,259323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,154978, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Guatemala +<=50K,60, ?,163946, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,127768, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,98588, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,192894, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,194848, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,34446, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,23, Local-gov,177265, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,45, United-States +<=50K,30, Private,142977, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +>50K,45, Private,241350, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,30, Private,154882, Prof-school,15, Widowed, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,17, Private,60562, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,142566, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,176162, Bachelors,13, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,186303, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, Canada +>50K,40, Private,237671, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,18, ?,184416, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,58, Private,68624, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,229504, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,59, Private,340591, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942,0,40, United-States +<=50K,29, Private,262208, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,30, Jamaica +<=50K,26, Private,236008, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,39, Local-gov,214284, Bachelors,13, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,10, Japan +>50K,33, Private,169496, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, ?,205940, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,195179, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +<=50K,25, Private,469697, Some-college,10, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,140242, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,214415, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Private,452283, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,244172, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,231972, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,37, Private,412296, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,32, Private,30497, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,189216, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,36, Private,268292, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +<=50K,38, Private,69306, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,57, State-gov,111224, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,39, United-States +<=50K,22, State-gov,309348, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,80, ?,174995, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, Canada +<=50K,20, Private,210781, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,40, Private,286750, 11th,7, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,36, United-States +<=50K,36, Self-emp-not-inc,321274, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,192936, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,72743, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Private,187861, HS-grad,9, Separated, Transport-moving, Unmarried, White, Female,0,0,44, United-States +<=50K,35, Private,179579, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,663394, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,302422, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, ?,154373, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +>50K,49, Local-gov,37353, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,109609, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,184402, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,20, Private,224640, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,405526, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,36385, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,2258,50, United-States +<=50K,20, Private,147884, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,164231, 11th,7, Separated, Prof-specialty, Own-child, White, Male,0,0,35, United-States +<=50K,25, Private,383306, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,417668, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,36, United-States +<=50K,25, Private,161007, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,63, State-gov,99823, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,32, United-States +<=50K,25, Private,37379, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,148645, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,180477, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,123147, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,4865,0,40, United-States +>50K,30, Private,111415, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,107327, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Local-gov,146565, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,4865,0,30, United-States +<=50K,36, Private,267556, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +>50K,47, Private,284871, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,27, Private,194690, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,50, Mexico +<=50K,32, Federal-gov,145983, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,52, Private,163998, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,45, United-States +<=50K,50, Private,128478, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,21, Private,250647, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,30, Nicaragua +<=50K,60, Private,226949, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,47, Private,157901, 11th,7, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,36, United-States +>50K,54, Self-emp-not-inc,33863, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,32, Local-gov,40444, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,54373, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,52753, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1504,40, United-States +>50K,29, Self-emp-not-inc,104423, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,4386,0,45, United-States +<=50K,36, Local-gov,305714, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,70, United-States +<=50K,38, Local-gov,167440, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,59, Private,291529, 10th,6, Widowed, Machine-op-inspct, Not-in-family, White, Male,0,0,52, United-States +<=50K,43, Private,243380, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,38619, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,10, United-States +<=50K,42, Private,230684, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,40, United-States +<=50K,33, Private,132601, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,193285, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,5013,0,40, United-States +>50K,51, Private,279156, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,28, Private,339372, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,101265, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,23, Private,117789, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,31, Private,312667, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,255503, 11th,7, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,21, Private,221955, 9th,5, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,22, Private,139190, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +>50K,35, Private,185556, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,53, Federal-gov,84278, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +>50K,40, Private,114580, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,24, United-States +>50K,36, Private,185405, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,199539, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,346480, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,51, Local-gov,349431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, United-States +<=50K,31, Private,219619, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,48, United-States +<=50K,28, Local-gov,127491, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,5721,0,40, United-States +<=50K,26, Self-emp-not-inc,253899, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,155232, Bachelors,13, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,60, United-States +>50K,43, Private,182437, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,530454, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,101430, 11th,7, Divorced, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +>50K,49, Local-gov,358668, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,90668, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,126141, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,238355, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,22, Private,194031, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,117833, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +>50K,46, Private,249686, Prof-school,15, Separated, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,219591, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,221757, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,80625, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,185407, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Private,163110, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, ?,24504, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,159187, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,55, United-States +<=50K,21, Private,100462, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,2174,0,60, United-States +<=50K,27, Private,192936, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,145011, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,60, Self-emp-inc,181196, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Self-emp-not-inc,37778, Masters,14, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,60288, Masters,14, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,84231, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,52028, 1st-4th,2, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,5, Vietnam +<=50K,63, Private,318763, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,22, United-States +>50K,29, Private,168138, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,113530, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,321896, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,145791, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,131425, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,145214, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,4650,0,20, United-States +<=50K,64, Local-gov,142166, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,99, United-States +<=50K,20, Private,494784, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,35, United-States +>50K,44, Self-emp-not-inc,172479, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,60, United-States +<=50K,35, Private,184655, 11th,7, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Local-gov,26669, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,191479, Some-college,10, Divorced, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,86625, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, ? +>50K,64, State-gov,111795, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,242564, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,2205,40, United-States +>50K,31, Private,364657, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,42, Self-emp-not-inc,436107, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,35, Private,272476, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +>50K,36, Federal-gov,47310, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,283796, 12th,8, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,30, Mexico +<=50K,20, Private,161092, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,14, United-States +<=50K,26, Local-gov,265230, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,56, Federal-gov,61885, Bachelors,13, Never-married, Transport-moving, Not-in-family, Black, Male,0,2001,65, United-States +<=50K,40, Private,150471, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,183041, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,33, Private,176673, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Federal-gov,235891, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Columbia +>50K,41, Private,163287, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,43, United-States +<=50K,29, Private,164040, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,324561, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,48, Private,99127, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,38, Private,334999, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,543477, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,35, Private,65876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Local-gov,105866, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,30, United-States +<=50K,27, Private,214858, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,154076, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,70, Private,280307, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, Cuba +<=50K,30, Private,97723, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +>50K,24, Private,233499, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,76, Local-gov,259612, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,15, United-States +<=50K,25, Private,236977, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, Mexico +<=50K,39, Private,347814, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,56, United-States +<=50K,36, Local-gov,197495, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,227594, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,60, Private,165441, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,20, ?,337488, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +>50K,54, Private,167552, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Haiti +<=50K,20, Private,396722, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Federal-gov,146538, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,51973, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,144778, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,169672, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,240137, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +>50K,54, State-gov,103179, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,17, Private,172050, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +<=50K,43, Private,178976, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,176185, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,2258,42, United-States +<=50K,30, Private,158200, Prof-school,15, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, ? +>50K,38, Federal-gov,172571, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,226735, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,45, United-States +<=50K,39, Private,148015, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,52, United-States +<=50K,32, Private,199529, Some-college,10, Separated, Tech-support, Not-in-family, Amer-Indian-Eskimo, Male,0,1980,40, United-States +<=50K,61, Local-gov,35001, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,2885,0,40, United-States +<=50K,24, ?,67586, Assoc-voc,11, Married-civ-spouse, ?, Wife, Black, Female,0,0,35, United-States +<=50K,22, Private,88126, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,226296, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,452452, 10th,6, Never-married, Priv-house-serv, Own-child, Black, Female,0,0,20, United-States +<=50K,20, Private,378546, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,53, Federal-gov,186087, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,27856, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Self-emp-not-inc,234859, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,28, Private,71733, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,28, Private,207473, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, El-Salvador +>50K,54, Private,179291, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,56, Haiti +<=50K,21, ?,253190, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,48, United-States +<=50K,52, Private,92968, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, ? +<=50K,25, Private,209286, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,122889, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,33, Private,112358, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,49, Private,176341, Bachelors,13, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, India +<=50K,58, Private,247276, 7th-8th,4, Widowed, Other-service, Not-in-family, Other, Female,0,0,30, United-States +>50K,45, Private,276087, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,67, Private,257557, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,10566,0,40, United-States +<=50K,42, Local-gov,177937, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, ? +>50K,69, Self-emp-inc,106395, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,167138, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,213887, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,185647, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,143360, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,34, United-States +<=50K,31, Self-emp-not-inc,176862, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,97614, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,76, ?,224680, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,1258,20, United-States +<=50K,53, Private,196763, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,46, Private,306183, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,43, Self-emp-not-inc,343061, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508,0,40, Cuba +>50K,48, ?,193047, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Private,348521, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2415,99, United-States +<=50K,59, Private,195835, 7th-8th,4, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,106273, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,38, United-States +>50K,40, Private,222756, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-inc,110610, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,44, ?,191982, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,10, Poland +<=50K,46, Private,247286, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,219042, 10th,6, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,224566, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,1669,45, United-States +>50K,57, Private,204751, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,113398, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,25, ?,170428, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,28, Taiwan +>50K,59, Private,258579, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,35, United-States +<=50K,36, Private,162424, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,263005, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Germany +<=50K,49, Self-emp-inc,26502, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,6497,0,45, United-States +>50K,42, Private,369131, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,43, Local-gov,114859, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,17, United-States +<=50K,46, Private,405309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,323627, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,12, United-States +<=50K,40, Private,106698, Assoc-acdm,12, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,51506, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,117251, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,26, Private,106705, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,28, United-States +<=50K,30, Private,217296, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +>50K,58, Private,34788, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,43, Private,143368, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,86600, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,74, State-gov,117017, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,16, United-States +<=50K,64, ?,104756, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,8, United-States +>50K,45, Private,55720, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,481096, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,10, United-States +<=50K,23, ?,281668, 10th,6, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,38, Private,186145, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,96524, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,187397, Some-college,10, Never-married, Protective-serv, Unmarried, Other, Male,1151,0,40, United-States +<=50K,63, Private,181153, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,25, Local-gov,375170, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, United-States +<=50K,37, Private,360743, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,420054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +<=50K,31, Private,137681, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,46, Private,28419, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +>50K,44, Private,101214, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,44, United-States +>50K,42, Local-gov,213019, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,207540, Doctorate,16, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,52, Private,145333, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,40, Private,107306, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195327, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,196126, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,17, Private,175465, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,14, United-States +<=50K,27, Private,197905, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,71, Self-emp-inc,118119, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,50, United-States +<=50K,35, Private,172571, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,25051, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,26, Private,210714, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,52, United-States +<=50K,22, Private,183083, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +>50K,51, Private,99185, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,283921, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Local-gov,396467, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +>50K,50, Private,158680, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,202091, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,285127, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +>50K,53, Private,218630, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,32, Self-emp-inc,99309, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,165505, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,122272, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,58, Private,147707, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +>50K,47, Federal-gov,44257, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,51, Self-emp-inc,194995, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,42, State-gov,345969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,28, Private,31842, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,143582, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,35, Vietnam +>50K,50, Private,161438, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,317019, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Self-emp-not-inc,158451, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,45, United-States +<=50K,60, Private,225883, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,27, United-States +>50K,46, Self-emp-not-inc,176319, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Female,7298,0,40, United-States +>50K,58, Self-emp-inc,258883, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,62, Private,26966, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,202812, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,59, Private,35411, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,190885, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,31, Private,182162, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,18, Private,352640, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,64, Self-emp-not-inc,213945, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-not-inc,135102, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,47, Self-emp-not-inc,102583, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,68, Private,225612, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,35, United-States +<=50K,32, Private,241802, HS-grad,9, Married-civ-spouse, Other-service, Wife, Other, Female,0,0,40, United-States +<=50K,39, Private,347434, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,43, Mexico +<=50K,37, Private,305259, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,29, Private,140830, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,291568, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Other, Male,0,0,40, United-States +>50K,46, Private,203067, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,155106, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,252752, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,35, United-States +<=50K,65, ?,404601, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2414,0,30, United-States +>50K,52, Local-gov,100226, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,40, Private,63503, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,95929, 9th,5, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,187618, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,61, Self-emp-not-inc,92178, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,33, Private,220362, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +>50K,32, Local-gov,209900, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,32, Private,272376, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Self-emp-not-inc,173854, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Male,0,0,35, United-States +<=50K,37, Private,278924, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,324568, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,51, Self-emp-inc,124963, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,211299, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Male,0,0,45, United-States +<=50K,48, Private,192791, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,69, Private,182862, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,15831,0,40, United-States +<=50K,28, Private,46868, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Local-gov,31365, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,148171, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,18, Private,142647, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,60, Private,116230, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,108907, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, ? +<=50K,19, Private,495982, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,18, Private,334026, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +<=50K,33, Private,268571, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,213813, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,241667, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,37, Private,160920, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,50, Private,107265, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, ?,41609, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,28, Private,129460, 10th,6, Widowed, Adm-clerical, Unmarried, White, Female,0,2238,35, United-States +>50K,43, ?,109912, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,7, United-States +<=50K,23, Private,167424, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,270079, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,325923, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,35, United-States +<=50K,19, Private,194905, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +>50K,47, Local-gov,183486, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,36, Federal-gov,153066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,62, Self-emp-inc,56248, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2415,60, United-States +>50K,65, Private,105252, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-not-inc,168195, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,35, Private,167735, 11th,7, Never-married, Craft-repair, Own-child, White, Male,6849,0,40, United-States +<=50K,50, Private,146310, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,256504, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,6, United-States +<=50K,17, Private,121425, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,33, Private,146440, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,57, ?,155259, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Self-emp-not-inc,98829, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,239321, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-inc,134768, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,556902, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,47907, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +<=50K,23, Private,114357, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,189462, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1504,45, United-States +<=50K,39, Private,90646, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,232914, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,38, United-States +<=50K,24, Private,192201, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,20, United-States +<=50K,23, Private,27776, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,29, Private,137476, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,30, Private,100734, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,38, United-States +<=50K,34, Private,111746, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,45, Portugal +<=50K,32, Private,184833, 10th,6, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,414721, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,1602,23, United-States +<=50K,20, Private,151780, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Female,0,0,35, United-States +>50K,38, State-gov,203628, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,137363, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,172307, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,273403, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,36, State-gov,37931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +<=50K,61, Private,97030, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Private,54608, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,26, Private,108542, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,27, Private,253814, Bachelors,13, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,45, Private,421412, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,207140, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,19, Private,138153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,29, Private,46987, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +>50K,51, Self-emp-inc,183173, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,34, Local-gov,229531, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Self-emp-not-inc,320744, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,3908,0,45, United-States +<=50K,26, Private,257405, 5th-6th,3, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,40, Mexico +<=50K,20, State-gov,432052, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,15, United-States +>50K,43, Private,397280, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,38001, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,27, Private,101618, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Federal-gov,332727, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,115215, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,178449, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,49, United-States +<=50K,42, Private,185267, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,32, United-States +<=50K,23, Private,410439, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +>50K,29, Private,85572, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,42, United-States +<=50K,27, Private,83517, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,43, Self-emp-not-inc,194726, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,23, Private,322674, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Local-gov,34540, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +>50K,35, Local-gov,211073, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,61, United-States +<=50K,30, Private,194901, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,59, Private,117059, 11th,7, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,65, Self-emp-not-inc,78875, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290,0,40, United-States +<=50K,28, Private,51461, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,79, Private,266119, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Local-gov,92374, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, United-States +<=50K,54, Private,175262, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,208249, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,62, United-States +>50K,30, Private,196385, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +<=50K,22, ?,110622, Bachelors,13, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,15, Taiwan +<=50K,34, Private,146980, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,65, United-States +<=50K,18, Private,112974, 11th,7, Never-married, Prof-specialty, Other-relative, White, Male,0,0,3, United-States +>50K,40, Self-emp-not-inc,175943, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,15, United-States +<=50K,28, Private,163265, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,4508,0,40, United-States +<=50K,18, Private,210932, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,145290, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,198992, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,77, ?,174887, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +>50K,41, Federal-gov,36651, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,40, United-States +>50K,48, Private,190072, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,49087, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,126622, 11th,7, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,174189, 9th,5, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,118605, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,49, Self-emp-not-inc,377622, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,49, Private,157272, HS-grad,9, Separated, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,30, Private,78530, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,190391, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, State-gov,162678, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,103980, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,20, Private,293726, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,98350, Preschool,1, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,30, Private,207668, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,60, Hungary +<=50K,29, Federal-gov,41013, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,50, Private,188186, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,1590,45, United-States +>50K,44, Federal-gov,320071, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Private,306908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,62, Private,167652, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, Private,173580, Some-college,10, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,273612, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,26, Private,195555, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,186446, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,418405, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,41793, Masters,14, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, ? +<=50K,26, Private,183965, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,354784, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,198096, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,32, Private,732102, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, Self-emp-not-inc,97847, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,196678, Preschool,1, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,19, Private,320014, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +>50K,54, Self-emp-inc,298215, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,295127, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,368140, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Self-emp-not-inc,187411, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, ? +<=50K,22, ?,121070, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,212163, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,35, Self-emp-not-inc,108198, HS-grad,9, Divorced, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,15, United-States +<=50K,42, Federal-gov,294431, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Federal-gov,202560, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, Self-emp-inc,266070, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,34, Private,346122, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Self-emp-inc,308686, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,62, Self-emp-inc,236096, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,187711, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,238959, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,93557, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,329980, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,125010, Assoc-voc,11, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,30, United-States +>50K,60, Self-emp-inc,90915, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,289731, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,74, ?,33114, 10th,6, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,1797,0,30, United-States +<=50K,63, Private,206052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,191385, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, ?,268804, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +>50K,40, Self-emp-inc,191429, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,35, Self-emp-not-inc,199753, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,50, Local-gov,92486, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,171088, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,112820, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,32855, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,17, Private,142964, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,47, Private,89146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,51, ?,147015, Some-college,10, Divorced, ?, Not-in-family, Black, Male,0,0,50, United-States +<=50K,26, Private,291968, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Local-gov,29235, Some-college,10, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,40, France +<=50K,55, Private,238216, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,323726, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,40, United-States +>50K,54, Private,141663, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,218471, HS-grad,9, Never-married, ?, Own-child, White, Female,0,1602,30, United-States +>50K,32, Private,118551, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,52, Local-gov,35092, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,139703, HS-grad,9, Married-spouse-absent, Sales, Unmarried, Black, Female,0,0,28, Jamaica +<=50K,39, Federal-gov,206190, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,59, Self-emp-not-inc,178353, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,55, Federal-gov,169133, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,103179, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,354464, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,124651, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +<=50K,30, Private,60426, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,47, Federal-gov,98726, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,133861, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,180303, Bachelors,13, Divorced, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,47, Iran +<=50K,33, Private,221324, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,325658, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,32, Private,210562, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,152249, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Male,0,0,35, Mexico +<=50K,29, Private,178649, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,20, France +<=50K,41, State-gov,48997, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,39, Private,243409, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,34, Private,162442, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,23, Private,203078, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Male,0,0,24, United-States +>50K,53, Self-emp-inc,155983, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,45, Self-emp-not-inc,182677, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,34, ?,170276, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,10, United-States +<=50K,47, Private,105381, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, ?,256240, 7th-8th,4, Married-civ-spouse, ?, Own-child, White, Male,0,0,60, United-States +>50K,42, Private,210275, Masters,14, Divorced, Tech-support, Unmarried, Black, Female,4687,0,35, United-States +<=50K,53, Private,150980, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,40, United-States +<=50K,38, Self-emp-inc,141584, HS-grad,9, Divorced, Sales, Unmarried, White, Male,0,0,55, United-States +<=50K,26, Private,113571, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,18, Private,154089, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,43, Private,50197, 10th,6, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Private,132572, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,32, United-States +<=50K,47, Private,238185, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,26, Private,112754, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,21, ?,357029, Some-college,10, Married-civ-spouse, ?, Wife, Black, Female,2105,0,20, United-States +<=50K,32, State-gov,213389, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,1726,38, United-States +>50K,48, Self-emp-inc,287647, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,55, United-States +>50K,39, Private,150061, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,15020,0,60, United-States +<=50K,58, Self-emp-inc,143266, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,68006, 7th-8th,4, Never-married, Other-service, Other-relative, White, Female,0,0,60, United-States +<=50K,40, Private,287079, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +<=50K,33, Private,223212, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,74, Self-emp-not-inc,173929, Doctorate,16, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,25, United-States +<=50K,49, Self-emp-not-inc,182211, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +>50K,56, Self-emp-not-inc,62539, 11th,7, Widowed, Other-service, Unmarried, White, Female,0,0,65, Greece +>50K,29, Private,157612, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,14344,0,40, United-States +<=50K,25, Private,305472, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,48, United-States +<=50K,57, Private,548256, 12th,8, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,40295, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,112403, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,2354,0,40, United-States +>50K,59, Private,31137, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,116138, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,60, United-States +<=50K,28, ?,127833, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,201743, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,40, Private,240027, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,45, United-States +<=50K,28, Private,129882, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, ?,355890, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,20, Private,107658, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,10, Canada +>50K,58, Private,136841, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,35, United-States +<=50K,19, Private,146679, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Male,0,0,30, United-States +<=50K,75, ?,35724, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,24, Federal-gov,42251, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,31, Private,113838, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,28, Self-emp-not-inc,282398, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,33331, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,23, Federal-gov,41031, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Private,155489, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,53042, 12th,8, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,34, Private,174789, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,47, Local-gov,203067, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,81, Private,177408, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,26, United-States +<=50K,45, Private,216626, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Other, Male,0,0,40, Columbia +<=50K,35, Private,93034, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,59, Self-emp-not-inc,188003, Bachelors,13, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,46, Local-gov,65535, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,39, Private,366757, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,414545, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,295919, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,34378, 1st-4th,2, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,58359, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,25, Private,476334, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,32, Private,255424, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,34, Local-gov,175856, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,124692, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,118551, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,78, ?,292019, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +>50K,31, Private,288566, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,43, United-States +<=50K,61, Private,137733, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,22, Private,39432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,138537, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,37, Private,709445, HS-grad,9, Separated, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,35, Private,194809, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,52, Self-emp-inc,89041, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,37, ?,299090, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,18, Private,159561, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,236328, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,46, Private,269045, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,25, ?,196627, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,47, Federal-gov,323798, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,463072, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,199655, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Other, Female,0,1740,40, ? +<=50K,25, Self-emp-inc,98756, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,50, United-States +<=50K,50, State-gov,161075, HS-grad,9, Widowed, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,192485, 12th,8, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,25, Private,201579, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,23, Private,117606, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, ?,177487, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,237731, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,2829,0,65, United-States +<=50K,37, Private,60313, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,37, Private,270059, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,25236,0,25, United-States +<=50K,27, Private,169958, 5th-6th,3, Never-married, Craft-repair, Own-child, White, Male,0,0,40, ? +<=50K,19, Private,240686, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,52, Local-gov,124793, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-not-inc,113948, Assoc-voc,11, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +<=50K,17, ?,241021, 12th,8, Never-married, ?, Own-child, Other, Female,0,0,40, United-States +<=50K,21, Private,147655, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,38876, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,55, Private,117299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,20, ?,114813, 10th,6, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,136310, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,41, Federal-gov,153132, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,23, Private,197552, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,33, Private,69748, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,29, Private,175738, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, State-gov,78649, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,37, Self-emp-inc,188774, 11th,7, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,60, ? +>50K,48, Private,155659, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,19, Federal-gov,215891, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,40, Private,144928, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,33688, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Female,0,1669,70, United-States +<=50K,65, Private,262446, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,44, Federal-gov,191295, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,48, United-States +<=50K,32, Private,279173, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,41, Private,153031, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,28, Private,202239, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,44, Federal-gov,469454, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,48, United-States +<=50K,39, Local-gov,164156, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,55, United-States +<=50K,59, Private,196482, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,176185, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, France +<=50K,34, Private,287315, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,117210, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,41610, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,160703, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,31, Private,80511, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,44, United-States +<=50K,39, Private,219155, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,35, Private,106347, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,68899, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2129,40, United-States +>50K,44, Self-emp-not-inc,163985, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,28, Private,270887, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,17, Private,205726, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,23, Private,218899, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +>50K,35, Private,186183, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,80, United-States +<=50K,19, Private,248749, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,197558, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,176514, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, ?,116820, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,50, United-States +>50K,27, Private,128730, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Male,10520,0,65, Greece +>50K,37, Private,215503, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,45, United-States +>50K,44, Private,226129, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,34, Private,175856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,55, United-States +<=50K,43, Private,281138, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,98061, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,260560, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,289909, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,51, Private,59590, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,24, Private,236769, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,423616, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,24, United-States +<=50K,24, Private,291407, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,53, Self-emp-inc,100029, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,204494, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,56, United-States +<=50K,24, Private,201680, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,154308, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,150324, 11th,7, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Local-gov,331609, Some-college,10, Widowed, Transport-moving, Not-in-family, Black, Female,0,0,47, United-States +>50K,28, Private,100829, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,38, Private,203169, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,122075, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,178778, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,276345, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,48, Private,233511, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,289448, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,31, Private,173350, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Private,130589, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,62, Private,94318, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,297531, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,129762, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,182614, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, Poland +<=50K,60, Private,120067, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,182370, Assoc-acdm,12, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, State-gov,60949, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,190511, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,188195, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,89534, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,125831, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1887,55, United-States +<=50K,23, Private,183358, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,38, ?,75024, 7th-8th,4, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,251120, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,40, England +<=50K,35, Private,108946, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,93223, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,61, Private,147393, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,71, ?,45801, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +<=50K,35, State-gov,225385, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Federal-gov,23892, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,179668, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Scotland +<=50K,27, Self-emp-not-inc,404998, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,68882, 1st-4th,2, Widowed, Other-service, Unmarried, White, Female,0,0,35, Portugal +<=50K,55, Self-emp-not-inc,194065, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,357540, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2002,55, United-States +<=50K,33, Private,185336, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,25, State-gov,152503, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,52, Private,167794, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,46, Private,96552, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,17, United-States +<=50K,34, Private,169527, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,4386,0,20, United-States +<=50K,52, State-gov,254285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,32509, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,125492, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, Self-emp-inc,186035, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,69, ?,168794, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +>50K,34, Private,191856, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,40, United-States +<=50K,36, Private,215503, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,31, Private,187560, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,2174,0,40, United-States +>50K,31, Self-emp-not-inc,252752, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,2415,40, United-States +<=50K,38, Local-gov,210991, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,57, Local-gov,190748, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,24, Private,117767, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,37, Private,301070, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Male,0,0,45, United-States +>50K,69, Self-emp-not-inc,204645, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,9386,0,72, United-States +>50K,39, Private,186183, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,131808, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,34, State-gov,156292, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,21, Private,124589, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,262819, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,61, Private,95500, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,241306, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,238680, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,55, Outlying-US(Guam-USVI-etc) +<=50K,18, ?,42293, 10th,6, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,41, Local-gov,168071, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,45, United-States +>50K,42, Private,337629, 12th,8, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, ? +>50K,52, Private,168001, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,97759, 12th,8, Never-married, Other-service, Unmarried, White, Female,0,0,17, United-States +<=50K,51, Self-emp-not-inc,107096, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,76860, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,20, Private,70076, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,312017, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,174138, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,125892, Bachelors,13, Divorced, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,210474, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, State-gov,157332, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,28, Private,30771, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,319768, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, France +>50K,34, Private,209101, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,55, United-States +<=50K,25, Private,324609, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,48, Private,268234, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Local-gov,178109, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,43, United-States +<=50K,31, Private,25955, 9th,5, Never-married, Craft-repair, Own-child, Amer-Indian-Eskimo, Male,0,0,35, United-States +<=50K,65, ?,123484, HS-grad,9, Widowed, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,56, Local-gov,129762, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,22, Self-emp-not-inc,108506, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0,0,75, United-States +<=50K,27, Private,241607, Bachelors,13, Never-married, Tech-support, Other-relative, White, Male,0,0,50, United-States +<=50K,27, Federal-gov,214385, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Local-gov,183000, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,290763, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,171924, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,19, Private,97189, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,22, United-States +<=50K,42, Private,195096, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +<=50K,37, Federal-gov,329088, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,58371, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,32, ?,256371, 12th,8, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,43, Private,35824, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,173271, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,26, Private,391349, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,86153, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,295855, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,70, United-States +<=50K,33, Self-emp-not-inc,327902, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,35, Private,285102, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Taiwan +>50K,57, Private,178353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,28119, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,7, United-States +<=50K,42, Private,197522, Some-college,10, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,25, Private,108542, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,35, United-States +>50K,56, Private,179781, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,126974, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,180060, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,50, United-States +<=50K,35, Local-gov,38948, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,271572, 9th,5, Never-married, Other-service, Other-relative, White, Male,0,0,52, United-States +>50K,41, Private,177305, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,238367, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,172232, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,22, Private,153805, HS-grad,9, Never-married, Other-service, Unmarried, Other, Male,0,0,20, Puerto-Rico +<=50K,30, Private,26543, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,109067, Bachelors,13, Separated, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,213716, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,149809, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +>50K,27, Private,185670, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,43, Federal-gov,233851, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,68, ?,192052, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,2457,40, United-States +<=50K,41, Private,193524, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,25, Private,213385, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,38238, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,68, Private,104438, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Ireland +<=50K,17, Private,202344, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,45, Self-emp-not-inc,43434, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,102147, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,231826, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,49, State-gov,247378, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,42, Private,78765, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +<=50K,29, Private,184078, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,21, Local-gov,102942, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,2001,40, United-States +<=50K,20, Private,258430, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,59, Private,244554, 11th,7, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,26, Private,252565, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,262778, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,37, United-States +>50K,33, Private,162572, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,65706, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,45, Federal-gov,102569, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,350498, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,28, United-States +<=50K,67, ?,159542, 5th-6th,3, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,142383, Assoc-acdm,12, Never-married, Sales, Not-in-family, Other, Male,0,0,36, United-States +<=50K,38, Private,229236, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, Puerto-Rico +<=50K,72, Private,56559, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,21, Private,27049, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,39, Private,36376, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,41, Private,194360, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,22, Private,246965, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,12, United-States +>50K,49, Self-emp-inc,191277, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,24, Private,268525, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,32, United-States +<=50K,25, Private,456604, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,223464, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,341797, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,174461, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,392167, 10th,6, Divorced, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,60, Private,210064, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, ?,233182, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,7, United-States +<=50K,77, Local-gov,177550, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,3818,0,14, United-States +<=50K,62, Private,143312, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Private,326334, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,37, Private,179088, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,207637, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +>50K,52, Federal-gov,37289, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,36069, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Federal-gov,53245, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,399904, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,50, Mexico +<=50K,38, Self-emp-inc,199346, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,23, Private,343019, 10th,6, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, State-gov,232742, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,61, Self-emp-not-inc,390472, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,290124, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,242912, Some-college,10, Never-married, Other-service, Own-child, White, Female,4650,0,40, United-States +<=50K,39, Private,70240, 5th-6th,3, Married-spouse-absent, Other-service, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,38, Local-gov,286405, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +<=50K,25, Private,153841, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,137367, Bachelors,13, Never-married, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,44, Philippines +<=50K,66, Private,313255, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,30, Private,100734, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,248584, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,60001, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,335065, 7th-8th,4, Never-married, Sales, Own-child, White, Male,0,0,30, Mexico +<=50K,20, Private,219262, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,186830, HS-grad,9, Never-married, Transport-moving, Other-relative, Black, Male,0,0,45, United-States +<=50K,34, Private,226385, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,609789, Assoc-acdm,12, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,307767, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,33, Private,217460, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,104052, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,1741,42, United-States +<=50K,41, Local-gov,160893, Preschool,1, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,68358, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +>50K,40, Self-emp-not-inc,243636, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,71269, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,71898, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,38, ?,212048, Prof-school,15, Divorced, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Local-gov,115040, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,25, United-States +<=50K,45, Private,111994, Some-college,10, Divorced, Sales, Not-in-family, White, Male,4650,0,40, United-States +<=50K,25, Private,210794, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,22, ?,88126, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,570821, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,63, ?,146196, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,55, State-gov,169482, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,63577, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,22, Private,208946, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,26598, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,189203, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,183892, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,82, ?,194590, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,18, Private,188616, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,60, Private,116707, 11th,7, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,99199, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,39, Local-gov,183620, Some-college,10, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,110476, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,157043, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Female,2202,0,30, ? +<=50K,53, Private,150726, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,214695, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,60, United-States +<=50K,37, Private,172694, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,50, United-States +<=50K,25, Private,344804, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Mexico +<=50K,33, Private,319422, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, Peru +<=50K,34, State-gov,327902, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,438176, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +>50K,51, Private,197656, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,219838, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,35561, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,25, ?,156848, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,56, Private,190257, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,34, Private,156464, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,85, England +<=50K,36, Private,65624, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,201699, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Private,349910, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,88, Self-emp-not-inc,187097, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,264314, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, Columbia +<=50K,40, Self-emp-not-inc,282678, Masters,14, Separated, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,188923, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,55, United-States +<=50K,46, Private,114797, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Black, Female,0,0,36, United-States +<=50K,56, Private,245215, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,36270, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,67, Self-emp-not-inc,107138, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,77820, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,39477, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,58305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1573,40, United-States +<=50K,23, Private,359759, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,19, ?,249147, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,19, Private,44797, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,15, United-States +<=50K,25, Private,164488, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,48413, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,261276, Some-college,10, Never-married, ?, Own-child, Black, Female,0,1602,40, Cambodia +<=50K,31, Self-emp-not-inc,36592, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,91, United-States +<=50K,33, Private,280923, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,33, Federal-gov,29617, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,45, Self-emp-inc,208802, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,36, United-States +<=50K,35, Private,189240, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, ?,37932, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,181705, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,147548, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,85, United-States +<=50K,51, Self-emp-not-inc,306784, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,45, ?,260953, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,190406, Prof-school,15, Divorced, Prof-specialty, Unmarried, Black, Male,25236,0,36, United-States +<=50K,24, Private,230229, 5th-6th,3, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,28, Private,46987, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,2174,0,36, United-States +<=50K,63, Private,301108, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,22, United-States +>50K,35, Private,263081, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,25, Self-emp-not-inc,37741, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,36, Private,115834, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,55, United-States +<=50K,44, Private,150076, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,148254, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Female,0,0,28, United-States +<=50K,52, Private,183611, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,258768, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,287658, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,51, Private,95946, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,31267, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Local-gov,302149, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,28, Private,250135, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,176073, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,65, Private,23580, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,163665, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,30, Federal-gov,43953, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,144860, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,58, Self-emp-not-inc,61474, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,57, Private,141570, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1977,40, United-States +>50K,40, Private,225660, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,42, Private,336891, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Self-emp-not-inc,210164, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,171080, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,143342, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,281627, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,409922, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,65, ?,224472, Prof-school,15, Never-married, ?, Not-in-family, White, Male,25124,0,80, United-States +<=50K,29, Private,157262, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,31, Private,144949, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,71, Local-gov,303860, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Male,2050,0,20, United-States +<=50K,34, Private,104293, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,195481, HS-grad,9, Married-civ-spouse, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,193995, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,67, Private,105216, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,40, Private,147206, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,173585, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,18, United-States +>50K,38, Private,187870, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,38, Private,248919, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +<=50K,42, Private,280410, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, Haiti +<=50K,36, State-gov,170861, HS-grad,9, Separated, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,23, Self-emp-not-inc,409230, 1st-4th,2, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,56, Private,340171, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,36, Private,41017, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,22, Private,416356, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,39, Private,261504, 12th,8, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, State-gov,205555, Prof-school,15, Divorced, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,44, Private,245317, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,38, Private,153685, 11th,7, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,52, United-States +<=50K,19, ?,169758, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,99374, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,57, Local-gov,139452, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,16, United-States +<=50K,54, Private,227832, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,213024, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,30, United-States +<=50K,22, ?,24008, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,72, United-States +<=50K,63, Self-emp-not-inc,33487, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,187934, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,20, Poland +<=50K,26, Private,421561, 11th,7, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,25, United-States +<=50K,40, Private,109969, 11th,7, Divorced, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,20, Private,116830, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,117166, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2635,0,40, United-States +<=50K,28, Private,106951, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,42, United-States +>50K,30, Private,89625, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,5, United-States +<=50K,42, Private,194537, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,144002, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,202214, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,109762, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,292570, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,67, Private,105252, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,7978,0,35, United-States +<=50K,65, Private,94552, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,46401, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,18, Private,151150, 10th,6, Never-married, Farming-fishing, Own-child, White, Male,0,0,27, United-States +<=50K,31, Private,197689, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,38, United-States +>50K,36, Self-emp-inc,180477, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,181761, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,381153, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,165474, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,39, United-States +<=50K,38, Federal-gov,190174, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,295991, 10th,6, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,52, Without-pay,198262, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +>50K,34, Private,190385, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, ?,411560, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,49, Private,262116, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,45, Private,178922, 9th,5, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +>50K,46, Private,192963, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,2415,35, Philippines +>50K,34, Self-emp-inc,209538, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Self-emp-not-inc,103277, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,4508,0,30, Portugal +<=50K,17, Private,216086, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,23, Private,636017, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,155781, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,136873, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,48, State-gov,122066, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,27, State-gov,346406, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,50, United-States +<=50K,43, Private,117915, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,19914, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,50, Philippines +>50K,55, Private,255364, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,703107, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,34, Private,62374, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,34, Private,96245, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,348796, Bachelors,13, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,136873, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,35, Private,388252, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,47783, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,62, Private,194167, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,2174,0,40, United-States +<=50K,40, Federal-gov,544792, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,434463, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,39, United-States +<=50K,32, Private,317219, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1590,40, United-States +<=50K,70, Private,221603, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,34, United-States +<=50K,23, Private,233711, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,111567, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +<=50K,57, Private,79830, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,192259, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,239663, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,41, Local-gov,34987, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,38, Self-emp-not-inc,409189, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,48, Private,135525, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,152159, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,141363, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,214816, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,42907, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,48, United-States +<=50K,30, Private,161815, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,42, Private,127314, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,395368, Some-college,10, Divorced, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,70, Private,184176, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,37, Private,112660, 9th,5, Divorced, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,51, Private,183709, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,434114, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,59, Self-emp-not-inc,165315, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,43, United-States +>50K,57, Private,190997, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,335533, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,176146, 5th-6th,3, Separated, Craft-repair, Not-in-family, Other, Male,0,0,35, Mexico +<=50K,19, Private,272063, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,169564, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,56, Private,188856, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,8614,0,55, United-States +<=50K,25, Private,69847, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,198759, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,80, United-States +<=50K,22, Private,175431, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,228357, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, ? +<=50K,72, Self-emp-not-inc,284120, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,109133, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,167336, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,76, ?,42209, 9th,5, Widowed, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,37, Private,282951, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,303155, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,261899, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,33, Private,168030, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,21, United-States +<=50K,53, State-gov,71417, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,239130, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, Private,200560, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,20, Private,157541, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,27, United-States +<=50K,33, Private,255004, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,47, Private,230136, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,60, United-States +>50K,50, Local-gov,124963, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,35, United-States +<=50K,22, Private,39615, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,47678, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,42, Local-gov,281315, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,176123, HS-grad,9, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,24, ?,165350, HS-grad,9, Separated, ?, Not-in-family, Black, Male,0,0,50, Germany +<=50K,32, Private,235862, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,41, Private,142579, Bachelors,13, Widowed, Sales, Unmarried, Black, Male,0,0,50, United-States +<=50K,35, Private,38294, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,111483, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,189850, Some-college,10, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,34, State-gov,145874, Doctorate,16, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,20, China +<=50K,23, Private,139012, Assoc-voc,11, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, South +>50K,30, Local-gov,211654, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,173090, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Private,104834, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +<=50K,42, ?,195124, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, Dominican-Republic +<=50K,39, Private,32146, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +>50K,52, Private,282674, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,42, Private,190403, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,60, Canada +<=50K,25, Private,247025, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,3325,0,48, United-States +<=50K,27, Private,198258, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,30, Self-emp-not-inc,172748, 7th-8th,4, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,23, State-gov,287988, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +>50K,47, Self-emp-not-inc,122307, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +<=50K,58, ?,175017, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,25, United-States +<=50K,18, Private,170183, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,52, Private,150812, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,24, Private,241185, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,58, Self-emp-inc,174864, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,30529, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,301637, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,423222, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,60, United-States +>50K,43, Private,214781, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,21, Private,242912, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,52, Private,191529, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,60, United-States +<=50K,24, Private,117363, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,333158, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,39, Private,193260, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,25, Mexico +<=50K,34, State-gov,278378, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,58, Private,111394, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,102476, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,29, Private,26451, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,67, ?,209137, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,210945, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,35, Haiti +<=50K,62, Local-gov,115023, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,54, Private,53833, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,150057, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,18, Private,128086, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,18, United-States +<=50K,25, Private,28473, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,155509, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,56, Private,165315, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, ? +<=50K,30, Private,171889, Prof-school,15, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +<=50K,41, Local-gov,185057, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,59, Private,277034, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,0,0,60, United-States +<=50K,36, Private,166606, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,97453, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,54, United-States +<=50K,27, Private,136094, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,61855, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,30, United-States +<=50K,30, Private,182771, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,15, China +<=50K,47, Private,418961, Assoc-voc,11, Divorced, Sales, Unmarried, Black, Female,0,0,25, United-States +>50K,39, Private,106961, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,81846, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,44, Private,105936, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,36425, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,595088, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,63, United-States +<=50K,38, Private,149018, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,229613, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,33521, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,70539, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4386,0,50, United-States +>50K,53, State-gov,105728, HS-grad,9, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,28, United-States +<=50K,31, Private,193215, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,18, Private,137363, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,104892, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,149427, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,19, State-gov,176634, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,183279, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,225775, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,202091, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,60, United-States +<=50K,36, Private,123151, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,168187, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,42, Federal-gov,33521, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,243678, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,164898, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,262280, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,3781,0,40, United-States +<=50K,33, State-gov,290614, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,199265, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,207668, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,18, State-gov,30687, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +<=50K,24, State-gov,27939, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,24, ? +<=50K,17, Private,438996, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,48, Private,152915, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, ?,186030, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,46, Local-gov,297759, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Private,171242, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,206088, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,182792, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,167725, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,24, United-States +<=50K,43, Private,160674, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Private,194710, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,255027, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,204641, 10th,6, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,20, State-gov,177787, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,29, Private,54932, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,54, Self-emp-not-inc,91506, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,34, Private,198634, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,227146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,135647, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,55508, 7th-8th,4, Divorced, Farming-fishing, Unmarried, White, Female,0,0,40, United-States +<=50K,37, Private,174912, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,175925, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,55, Self-emp-not-inc,157486, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,49, Local-gov,329144, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,44, United-States +<=50K,67, ?,81761, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +<=50K,49, Self-emp-not-inc,102318, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +>50K,30, Federal-gov,266463, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Federal-gov,107314, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,29, Private,114158, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,124052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,144301, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,42, United-States +>50K,28, Private,176683, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,70, United-States +<=50K,23, Private,234663, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,178948, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,50, United-States +>50K,37, Self-emp-not-inc,607848, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,39, Private,202937, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Federal-gov,83413, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,26, Private,212798, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,57, Federal-gov,192258, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,36, Private,112497, 9th,5, Married-civ-spouse, Sales, Own-child, White, Male,0,0,50, United-States +>50K,30, Private,97521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,160972, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,322931, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,22, Private,403519, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Local-gov,330174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,278155, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,39054, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,57, Private,170287, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,336643, Assoc-voc,11, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,264166, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,45, Columbia +>50K,44, Local-gov,433705, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,28, Private,27044, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +>50K,42, Private,165599, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,159759, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,385092, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,42, Private,188808, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,0,0,30, United-States +<=50K,30, Private,167476, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,21, State-gov,194096, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +>50K,59, Private,182460, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,21, ?,102323, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,56, Private,232139, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,341741, Preschool,1, Never-married, Other-service, Not-in-family, White, Female,0,0,12, United-States +<=50K,21, Private,206008, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,50, United-States +>50K,48, Private,344415, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,37, United-States +<=50K,35, State-gov,372130, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,27766, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Male,0,0,60, United-States +<=50K,23, Private,140764, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,17, ?,161259, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,12, United-States +>50K,41, Private,22201, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,35, Self-emp-inc,187046, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,137591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,53, Private,274276, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,341757, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,218542, HS-grad,9, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,44, Local-gov,190020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,27, Private,221436, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Cuba +<=50K,39, Self-emp-not-inc,52187, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,158776, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,51543, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,17, Private,146329, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,23, United-States +<=50K,31, Private,397467, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,105592, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +<=50K,39, Private,78171, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,46, State-gov,55377, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,31, Private,258932, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,80, Italy +<=50K,27, Private,38606, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,1504,45, United-States +<=50K,18, Private,219841, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +>50K,46, Private,156926, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,55, Private,160362, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,192161, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,43, United-States +<=50K,53, Private,208570, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,26, United-States +>50K,44, Self-emp-not-inc,182771, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,48, South +<=50K,43, Private,151089, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,163002, HS-grad,9, Separated, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Private,155657, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,20, Yugoslavia +<=50K,27, Private,217530, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,20, Private,244406, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,18, Local-gov,152182, 10th,6, Never-married, Protective-serv, Own-child, White, Female,0,0,6, United-States +>50K,34, Private,55717, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,50, United-States +<=50K,38, Private,201454, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Self-emp-inc,144371, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,55, Private,277034, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,35, Self-emp-not-inc,462832, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,40, United-States +<=50K,26, Private,200681, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,54, State-gov,119565, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,22, Private,192017, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,52, Local-gov,84808, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,100154, 10th,6, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,169383, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Without-pay,43887, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,10, United-States +<=50K,45, Private,54260, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,99, United-States +<=50K,53, Self-emp-not-inc,159876, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,3103,0,72, United-States +<=50K,46, Private,160474, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1590,43, United-States +<=50K,25, Private,476334, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,90, Private,52386, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,33, Private,83671, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,45, Private,172960, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,70, United-States +>50K,47, Private,191957, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,38, Local-gov,40955, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +>50K,35, ?,98080, Prof-school,15, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,4787,0,45, Japan +<=50K,37, Private,175643, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,53, State-gov,197184, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,56, Private,187295, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,40822, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,44, Private,228729, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, ? +<=50K,50, Private,240496, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +<=50K,26, Private,51961, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,20, United-States +<=50K,36, Private,174887, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,95855, 11th,7, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,362259, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,30916, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,62, Private,153148, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,84, United-States +<=50K,46, Private,167915, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,45156, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,2174,0,41, United-States +<=50K,37, Private,98776, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,15, United-States +<=50K,27, Private,209801, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, ? +<=50K,38, Private,183800, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,54595, 12th,8, Never-married, Sales, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,79637, Bachelors,13, Never-married, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,50, Private,126566, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,28, Private,233796, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,32, United-States +<=50K,67, Local-gov,191800, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,6360,0,35, United-States +<=50K,34, Self-emp-not-inc,527162, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,19, Private,139466, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,64520, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,50, Private,97741, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,45, Local-gov,160173, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,17, Private,350995, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,59, ?,182836, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,143267, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,21, Private,346341, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,172175, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,153035, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,63, Private,200127, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,204470, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,45, Private,353012, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,194342, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,57898, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,164707, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, ? +<=50K,42, Private,269028, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, France +>50K,56, Private,83922, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,160647, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Female,0,0,46, United-States +<=50K,69, Private,125437, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,42, Private,246011, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,19, Private,216937, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Other, Female,0,0,60, Guatemala +<=50K,56, Self-emp-not-inc,66356, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,33, Private,154981, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,50, United-States +<=50K,61, Federal-gov,197311, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,301743, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,401118, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,50, United-States +>50K,39, Private,98776, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,32528, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,177119, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +>50K,40, Self-emp-inc,193524, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,59, State-gov,192258, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,145917, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,42, Federal-gov,214838, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,30, United-States +<=50K,59, Private,176011, Some-college,10, Separated, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,147239, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,38, Private,159179, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,53, Private,155963, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,20, Private,360457, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +>50K,54, Federal-gov,114674, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,95708, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,33, Local-gov,100734, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,55, United-States +<=50K,35, Private,188972, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,30, United-States +<=50K,22, Private,162667, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, Portugal +>50K,45, Self-emp-not-inc,28497, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1485,70, United-States +<=50K,29, Private,180758, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,346635, Masters,14, Divorced, Sales, Unmarried, White, Female,0,2339,60, United-States +<=50K,23, Private,46645, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,203258, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,17, Private,134480, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,25, United-States +<=50K,35, Local-gov,85548, Some-college,10, Separated, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,25, Private,195994, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Guatemala +>50K,42, State-gov,148316, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,227466, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,40, United-States +<=50K,19, Private,68552, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,32, Private,252257, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,44, Private,30126, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,53, Private,304353, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,47, Self-emp-not-inc,171968, Bachelors,13, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,60, Thailand +<=50K,24, Private,205839, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,30, State-gov,218640, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,42, Private,150568, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,382738, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,138940, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,37, United-States +<=50K,26, Self-emp-not-inc,258306, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,25, Local-gov,190107, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,1719,16, United-States +<=50K,52, Private,152373, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,141875, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Private,79586, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,99999,0,40, ? +<=50K,32, Private,157289, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Private,184498, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,109684, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1741,35, United-States +<=50K,47, Private,199832, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,23545, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,28, Private,175710, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,52028, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, South +<=50K,61, Self-emp-not-inc,315977, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,202322, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,251825, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,54, Private,202115, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,56, Local-gov,216824, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,69, Private,145656, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +>50K,30, Private,137076, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,152621, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,42, Self-emp-not-inc,27242, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,45, Federal-gov,358242, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,39, Private,184117, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,20, United-States +<=50K,26, Private,300290, 11th,7, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,28, Local-gov,149991, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,42, United-States +>50K,31, Private,189759, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,339482, 5th-6th,3, Separated, Farming-fishing, Other-relative, White, Male,0,0,60, Mexico +<=50K,51, Private,100933, HS-grad,9, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, United-States +<=50K,29, Private,354558, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,38, Local-gov,162613, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,2258,60, United-States +<=50K,64, Private,285052, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,10, United-States +<=50K,26, State-gov,175044, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,68, Private,45508, 5th-6th,3, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,22, United-States +<=50K,32, Private,173351, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,173611, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, ?,182543, 1st-4th,2, Separated, ?, Unmarried, White, Female,0,0,40, Mexico +<=50K,21, Private,143062, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,26, ?,137951, 10th,6, Separated, ?, Other-relative, White, Female,0,0,40, Puerto-Rico +<=50K,33, Local-gov,293063, Bachelors,13, Married-spouse-absent, Prof-specialty, Other-relative, Black, Male,0,0,40, ? +<=50K,26, Private,377754, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,152373, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2105,0,40, United-States +<=50K,31, Private,193477, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Local-gov,277323, HS-grad,9, Never-married, Protective-serv, Unmarried, White, Male,0,0,45, United-States +<=50K,19, Private,69182, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,27, United-States +<=50K,51, Private,219599, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,45, Private,129371, 9th,5, Separated, Other-service, Unmarried, Other, Female,0,0,40, Trinadad&Tobago +<=50K,20, Private,470875, HS-grad,9, Married-civ-spouse, Sales, Own-child, Black, Male,0,0,32, United-States +<=50K,40, Private,201734, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,43, Private,58447, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +<=50K,52, Local-gov,91689, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,166546, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,24, United-States +<=50K,24, Private,293324, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,219262, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Self-emp-not-inc,403391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,367749, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,24, Private,128487, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,32, State-gov,111363, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,49, Private,240869, 7th-8th,4, Never-married, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,36, Private,163278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,416415, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,46, ?,280030, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,251243, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Local-gov,167159, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,70, United-States +<=50K,29, Private,161857, HS-grad,9, Married-spouse-absent, Other-service, Not-in-family, Other, Female,0,0,40, Columbia +<=50K,37, Private,160035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, ?,190205, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,28, ?,161290, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,112403, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,238726, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,164530, 11th,7, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,20, United-States +<=50K,19, Private,456572, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,35, United-States +>50K,31, Self-emp-not-inc,177675, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,246739, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,37, Private,102953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,224238, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,2, United-States +>50K,46, Private,155489, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +>50K,51, Self-emp-not-inc,156802, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103,0,60, United-States +>50K,50, Private,168212, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,45, United-States +<=50K,38, Private,331395, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,3942,0,84, Portugal +<=50K,40, Local-gov,261497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,58, Private,365511, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Other, Male,0,0,40, Mexico +>50K,36, Private,187999, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,190350, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,35, United-States +<=50K,17, ?,166759, 12th,8, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,168262, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,48, United-States +>50K,39, State-gov,122011, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,5178,0,38, United-States +>50K,46, Private,165953, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,375980, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,37, United-States +<=50K,40, Federal-gov,406463, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,53, State-gov,231472, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,78913, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,69107, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,22, ?,182387, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,12, Thailand +<=50K,31, Private,169002, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,55, United-States +>50K,45, Private,229967, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,13550,0,50, United-States +<=50K,34, Private,422836, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, Mexico +<=50K,27, State-gov,230922, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Scotland +<=50K,40, Private,195892, Some-college,10, Divorced, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,68, Private,163346, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +<=50K,51, Private,82566, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,86505, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +>50K,43, Private,178780, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, State-gov,173945, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,27, United-States +<=50K,48, Private,176810, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,23813, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,2885,0,30, United-States +>50K,51, Self-emp-inc,210736, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,10520,0,40, United-States +<=50K,32, Private,343789, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5013,0,55, United-States +>50K,34, Private,113838, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,31, Local-gov,121055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,71, ?,52171, 7th-8th,4, Divorced, ?, Unmarried, White, Male,0,0,45, United-States +<=50K,17, Private,566049, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,8, United-States +>50K,37, Private,67433, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,39014, 12th,8, Married-civ-spouse, Priv-house-serv, Wife, Other, Female,0,0,40, Dominican-Republic +<=50K,17, Private,51939, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,34, Private,100669, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,46, Private,155659, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,33, Private,112847, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,41, Local-gov,32185, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,138370, 10th,6, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +>50K,50, Self-emp-not-inc,172281, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,180505, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,45, Private,168262, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,85126, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,113838, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,197457, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,1471,0,38, United-States +<=50K,28, Private,197905, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,316589, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,336367, Assoc-acdm,12, Never-married, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,39, Self-emp-inc,143123, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2415,40, United-States +<=50K,23, Private,209955, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,210013, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,224541, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,275653, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Female,2977,0,40, Puerto-Rico +<=50K,45, Private,88061, 11th,7, Married-spouse-absent, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,40, South +>50K,43, Federal-gov,195897, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,40, United-States +>50K,49, Private,43206, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +>50K,37, Private,202950, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,154093, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,34, Private,112115, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,55, United-States +>50K,51, Private,355954, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,379418, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,286372, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Private,48087, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,32, Private,387270, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,270043, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +>50K,39, Self-emp-not-inc,65738, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, United-States +<=50K,33, Private,159888, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,278039, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,265434, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +>50K,68, Self-emp-inc,52052, Assoc-voc,11, Widowed, Sales, Not-in-family, White, Female,25124,0,50, United-States +<=50K,24, Private,208882, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,229393, 11th,7, Never-married, Farming-fishing, Unmarried, White, Male,2463,0,40, United-States +<=50K,23, Private,53513, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,40, Private,225193, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,63, United-States +>50K,48, Private,166809, Bachelors,13, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Self-emp-not-inc,175674, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,45, Federal-gov,368947, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +>50K,31, Private,194901, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,203173, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,267431, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,55, United-States +<=50K,32, Private,111836, Some-college,10, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +<=50K,34, Private,198613, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, ? +>50K,41, Self-emp-inc,149102, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,57, Local-gov,121111, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,130397, 10th,6, Never-married, Farming-fishing, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,40, Private,212847, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2179,40, United-States +<=50K,17, Private,184198, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,13, United-States +<=50K,17, Private,121287, 9th,5, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,82, Self-emp-inc,120408, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,40, Private,164678, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,26, Private,388812, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,35, United-States +<=50K,37, Private,294919, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,101684, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,65, Private,36209, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,22, United-States +<=50K,39, Private,123983, Bachelors,13, Divorced, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,36, Self-emp-not-inc,340001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,203828, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,183789, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,305619, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,174181, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,59, Private,131869, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Self-emp-not-inc,43479, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,203126, 9th,5, Never-married, ?, Unmarried, White, Female,0,0,40, Dominican-Republic +<=50K,17, Private,118792, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,9, United-States +<=50K,28, Private,272913, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, Mexico +<=50K,45, Federal-gov,222011, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-inc,301007, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,197731, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,173736, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, ?,182590, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,38, United-States +>50K,59, Local-gov,93211, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,22, United-States +<=50K,41, Private,24763, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,7443,0,40, United-States +>50K,49, Local-gov,219021, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,48, United-States +>50K,37, Private,137229, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Self-emp-not-inc,281030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,234108, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,46868, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,15, United-States +<=50K,20, ?,162667, HS-grad,9, Never-married, ?, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,51, Private,173291, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,305160, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +>50K,48, Private,212954, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,39, Local-gov,112284, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,164198, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,15024,0,45, United-States +>50K,41, Private,152958, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,145389, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,25, United-States +>50K,54, Self-emp-inc,119570, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,40, Private,272343, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,187720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,41, United-States +>50K,50, Private,145409, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,208726, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,203488, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,330416, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,25803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,171150, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Private,82576, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,36, United-States +<=50K,30, Private,329425, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,185452, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,201179, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,182268, Preschool,1, Married-spouse-absent, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,95763, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,125892, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Poland +<=50K,21, Private,121407, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,36, United-States +<=50K,52, Private,373367, 11th,7, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,60, Local-gov,165982, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,45, Private,165484, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,156890, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,156763, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2829,0,40, United-States +<=50K,43, Private,244172, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, ? +<=50K,36, Private,219814, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Guatemala +<=50K,42, Private,171841, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,28, Local-gov,168524, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,35, United-States +>50K,62, Private,205643, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,65, ?,174904, HS-grad,9, Separated, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,102559, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +>50K,47, Private,60267, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,43, Private,388725, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,215712, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,44, Private,171722, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,39, United-States +<=50K,25, Private,193051, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,21, Private,305446, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,146949, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,21, Private,322144, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,75742, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, El-Salvador +<=50K,64, ?,380687, Bachelors,13, Married-civ-spouse, ?, Wife, Black, Female,0,0,8, United-States +<=50K,55, Self-emp-not-inc,95149, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,42, Private,68469, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Self-emp-not-inc,27653, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,410439, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,24, United-States +<=50K,28, Private,37821, Assoc-voc,11, Never-married, Sales, Unmarried, White, Female,0,0,55, ? +<=50K,45, Private,228570, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,35, United-States +<=50K,21, Private,141453, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,34, Private,88215, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, China +<=50K,53, Private,48641, 12th,8, Never-married, Other-service, Not-in-family, Other, Female,0,0,35, United-States +<=50K,45, Private,185385, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,341471, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,4, United-States +<=50K,41, Private,163322, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,36, United-States +>50K,35, Private,99357, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,30, United-States +>50K,43, Self-emp-inc,602513, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Local-gov,287192, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, Mexico +<=50K,34, Private,215047, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,46, Federal-gov,97863, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,40, United-States +>50K,59, Private,308118, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,137192, Bachelors,13, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,33, Private,275369, 7th-8th,4, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, Haiti +<=50K,45, Private,99971, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,48, Self-emp-inc,103713, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,253770, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,162205, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,72, United-States +<=50K,46, Self-emp-not-inc,31267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,198146, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,23, Private,178207, Some-college,10, Never-married, Handlers-cleaners, Unmarried, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,21, Private,317175, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,53, Federal-gov,221791, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,61, Self-emp-inc,187124, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,58, State-gov,280519, HS-grad,9, Divorced, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,36, Private,207568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,45, Local-gov,192684, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +>50K,39, Private,103260, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, White, Female,0,0,30, United-States +>50K,39, Private,191227, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,13550,0,50, United-States +>50K,48, Self-emp-inc,382242, Doctorate,16, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,106900, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,48520, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2002,40, United-States +<=50K,50, Private,55527, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,45, United-States +>50K,51, Self-emp-not-inc,246820, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,48, United-States +<=50K,23, Private,33884, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,29762, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,47, Federal-gov,168109, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,207449, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,60, Self-emp-inc,189098, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,194259, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Local-gov,194630, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Local-gov,179681, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,37, United-States +<=50K,42, State-gov,136996, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,48, United-States +<=50K,32, Private,143604, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,16, United-States +<=50K,19, Private,243373, 12th,8, Never-married, Sales, Other-relative, White, Male,1055,0,40, United-States +>50K,34, Private,261799, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,45, United-States +<=50K,48, Private,143281, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,38, Private,185556, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Italy +>50K,38, Private,111499, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Self-emp-not-inc,280433, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,39, Private,37314, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,103408, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +<=50K,26, Private,270151, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, State-gov,96748, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,20, Private,164775, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Guatemala +<=50K,49, Private,190319, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Philippines +<=50K,23, Private,213115, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +>50K,47, Private,156926, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Canada +<=50K,43, Private,112967, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,35373, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,60, Self-emp-not-inc,220342, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,29, Private,163167, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,404951, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,38, United-States +<=50K,39, Private,122032, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,143582, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, Other, Female,4101,0,35, United-States +<=50K,38, Private,108140, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,2202,0,45, United-States +<=50K,47, Private,251508, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,36, United-States +>50K,50, Self-emp-not-inc,197054, Prof-school,15, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,64, Self-emp-not-inc,36960, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,165930, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,178960, 11th,7, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,214503, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,51, Private,110458, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202125, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,284329, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,192924, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,340917, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,2829,0,50, ? +>50K,37, Private,340614, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,196678, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,266489, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,57, Private,61474, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +>50K,47, ?,99127, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,215955, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829,0,40, United-States +<=50K,23, Self-emp-inc,215395, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Self-emp-inc,183898, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,48, Private,97176, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,40, Private,145160, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,51, Private,357949, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,59, Private,177120, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,288229, Some-college,10, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, Greece +<=50K,39, Private,509060, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,47932, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,38, Private,103925, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,44, State-gov,183829, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,51, Private,138852, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,188186, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,20, Hungary +<=50K,22, Private,34616, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,19, Private,220819, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,31, Federal-gov,281540, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,47396, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,141350, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,331433, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,32, United-States +>50K,40, Federal-gov,346532, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,241367, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,10, United-States +>50K,39, Private,216256, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Italy +>50K,40, Local-gov,153031, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,35, United-States +<=50K,36, Private,116138, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,18, Private,193166, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,42, United-States +>50K,32, Self-emp-inc,275094, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, Mexico +<=50K,50, Private,81548, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,167979, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,19, Private,67759, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,43, United-States +>50K,53, Private,200190, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,403112, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,40, Private,214891, Bachelors,13, Married-spouse-absent, Transport-moving, Own-child, Other, Male,0,0,45, ? +<=50K,31, Private,142675, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,88500, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,35, Local-gov,145308, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,204377, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,43, Self-emp-not-inc,260696, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Private,231181, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,21, United-States +>50K,54, Private,260052, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,76, Local-gov,178665, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,33, Private,226267, 7th-8th,4, Never-married, Sales, Not-in-family, White, Male,0,0,43, Mexico +<=50K,19, Private,111232, 12th,8, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,49, Private,87928, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,26, Private,212748, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,110677, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,49, Private,139268, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,24, Private,306779, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,65, United-States +<=50K,48, Private,318331, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,36, State-gov,143385, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,288273, 12th,8, Separated, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +>50K,31, Private,167725, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,48, Philippines +>50K,53, Private,94081, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +<=50K,22, Private,194723, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,43, Private,163985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,189759, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +<=50K,53, State-gov,195922, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Federal-gov,54159, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,47, Local-gov,166863, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Private,104501, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +<=50K,39, Private,210626, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,448026, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,17, Local-gov,170916, 10th,6, Never-married, Protective-serv, Own-child, White, Female,0,1602,40, United-States +>50K,53, Local-gov,283602, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,21, Private,189749, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,90934, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,64, Philippines +<=50K,34, State-gov,253121, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,181776, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Private,162397, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,70708, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,47, State-gov,103406, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,40, Private,224658, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, Local-gov,213451, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,10, Jamaica +>50K,53, Private,139671, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,36201, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,237713, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,2415,99, United-States +<=50K,17, Local-gov,173497, 11th,7, Never-married, Prof-specialty, Own-child, Black, Male,0,0,15, United-States +>50K,46, Private,375606, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,203488, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,45, Self-emp-not-inc,107231, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, France +<=50K,23, Private,216811, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,41, Private,288679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,105516, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,282972, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,4, United-States +<=50K,18, Self-emp-inc,117372, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,38, Private,112497, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, ?,186032, Assoc-voc,11, Widowed, ?, Not-in-family, White, Female,2964,0,30, United-States +>50K,28, Private,192384, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,43348, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,181822, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,43, Local-gov,216070, Masters,14, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0,0,50, United-States +<=50K,34, State-gov,112062, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,30, Private,218551, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,25, Private,404616, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,169460, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,240081, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,22, Private,147655, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,90277, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, ? +<=50K,49, Private,60751, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,194636, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,50, United-States +<=50K,37, Self-emp-not-inc,154641, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,2105,0,50, United-States +<=50K,39, Private,491000, Bachelors,13, Never-married, Exec-managerial, Other-relative, Black, Male,0,0,45, United-States +<=50K,33, Private,399088, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,186909, Masters,14, Married-civ-spouse, Sales, Wife, White, Female,0,1902,35, United-States +>50K,65, Private,105491, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,40, Private,34987, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,53, United-States +<=50K,26, ?,167835, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,31, Private,288983, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,266070, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,71, Private,110380, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2467,52, United-States +<=50K,25, Local-gov,31873, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,294400, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, ?,184308, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,30, United-States +<=50K,36, Self-emp-not-inc,175769, Prof-school,15, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,56, Private,182273, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,106541, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,39, Private,138192, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,196791, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,223019, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,44, Private,109273, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,60, Self-emp-not-inc,95490, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,149131, 11th,7, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,44, Private,219155, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, England +<=50K,53, Local-gov,82783, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,214858, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,170230, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,40, Self-emp-inc,209344, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,15, ? +<=50K,35, Private,90406, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,41, Self-emp-inc,299813, 9th,5, Married-civ-spouse, Sales, Wife, White, Female,0,0,70, Dominican-Republic +<=50K,28, Private,188064, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Canada +<=50K,53, Private,246117, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,26, Private,132749, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,45, United-States +<=50K,28, Local-gov,201099, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Female,0,0,40, United-States +<=50K,27, Private,97490, Some-college,10, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,221252, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Female,0,0,8, United-States +>50K,26, Private,116991, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,161691, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,34, Private,107793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,50, Self-emp-inc,194514, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, Trinadad&Tobago +<=50K,30, Private,278502, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,62, United-States +<=50K,47, Private,343742, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,27, ?,204074, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,31965, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,143604, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,29, ? +<=50K,35, Private,174308, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,162551, 12th,8, Married-civ-spouse, Sales, Wife, Asian-Pac-Islander, Female,0,0,50, ? +>50K,39, Self-emp-inc,372525, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,75167, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,39, Private,176296, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,1887,40, United-States +<=50K,19, Private,93518, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,25, ?,126797, HS-grad,9, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,25124, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +<=50K,30, ?,58798, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,44, United-States +<=50K,25, Self-emp-not-inc,21472, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,22, United-States +>50K,32, Private,90969, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,26, Private,149734, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Female,0,1594,40, United-States +<=50K,42, Private,52849, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,106347, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,47, United-States +<=50K,48, Private,199735, Bachelors,13, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,44, Germany +<=50K,24, Private,488541, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,35, United-States +>50K,46, Private,403911, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,172991, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,36, Federal-gov,210945, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,70, United-States +<=50K,34, Private,157446, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,25, Private,109390, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,70, United-States +>50K,33, Private,134886, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,99999,0,30, United-States +>50K,45, Private,144579, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,203488, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202871, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,33, Private,175412, 9th,5, Divorced, Craft-repair, Unmarried, White, Male,114,0,55, United-States +<=50K,44, Private,336906, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,177596, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, Puerto-Rico +<=50K,30, Private,79448, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,10, United-States +<=50K,32, Local-gov,191731, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, ?,233014, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,29, Private,133937, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,219211, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,35, State-gov,94529, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,247547, HS-grad,9, Separated, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +<=50K,29, Private,29361, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,166851, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,43, Federal-gov,197069, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Philippines +<=50K,33, Private,153588, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,61, Federal-gov,151369, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,174112, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,520033, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, State-gov,194828, Some-college,10, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,32, ?,216908, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,22, Private,126613, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,61, Private,26254, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,54042, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,2463,0,35, United-States +<=50K,24, Private,67804, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,58, Local-gov,53481, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,42, Private,412379, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,56, Private,220187, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,26, ?,256141, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,268222, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,59, Private,99131, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,65, Self-emp-not-inc,115498, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3818,0,10, United-States +>50K,57, Private,317847, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,2824,50, United-States +>50K,36, Private,98389, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,44, United-States +>50K,42, Private,173704, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1887,50, United-States +<=50K,18, ?,211177, 12th,8, Never-married, ?, Other-relative, Black, Male,0,0,20, United-States +<=50K,18, Private,115443, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Private,65078, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,24896, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,19, Private,184710, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,30, United-States +>50K,28, Private,410450, Bachelors,13, Divorced, Other-service, Unmarried, White, Female,0,0,48, England +<=50K,37, Private,83893, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,113309, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,160625, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,47, United-States +<=50K,17, Local-gov,340043, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,37, Local-gov,48976, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,45, United-States +<=50K,29, State-gov,243875, Assoc-voc,11, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,554206, HS-grad,9, Separated, Transport-moving, Not-in-family, Black, Male,0,0,20, United-States +>50K,36, Private,361888, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,37, Self-emp-not-inc,205359, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,15, United-States +<=50K,47, State-gov,167281, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,35663, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,357437, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,390856, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, Mexico +>50K,33, Federal-gov,331615, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, United-States +>50K,54, Private,202415, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,180032, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +>50K,40, Private,77247, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,40, Local-gov,101795, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,42, United-States +<=50K,35, Private,272019, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2057,40, United-States +<=50K,32, Private,198068, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,199326, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,178841, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,136951, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,26, Self-emp-inc,109240, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,128876, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,103358, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, India +<=50K,43, Private,354408, 12th,8, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,32, Private,206051, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,35, United-States +>50K,45, Private,155659, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,48, Private,143299, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,31, Private,252210, 5th-6th,3, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,20, ?,129240, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,398918, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Self-emp-not-inc,240612, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,22, Private,429346, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, United-States +<=50K,19, Private,123718, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,38, Private,455379, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,63, United-States +<=50K,23, Private,376416, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,24, Self-emp-inc,234663, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,282142, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,45, State-gov,208049, HS-grad,9, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,88, Private,68539, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,126501, 11th,7, Never-married, Adm-clerical, Own-child, Amer-Indian-Eskimo, Female,0,0,15, South +<=50K,24, Private,186452, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,84, ?,127184, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,48, Private,165267, 10th,6, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,124733, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,31, Self-emp-inc,149726, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,41374, HS-grad,9, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,35, Local-gov,329759, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,212433, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,36, Private,185099, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,47, Local-gov,126754, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,122497, 9th,5, Widowed, Other-service, Unmarried, Black, Male,0,0,52, ? +<=50K,30, Private,118056, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,30, Local-gov,200892, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,19, ?,200790, 12th,8, Married-civ-spouse, ?, Other-relative, White, Female,15024,0,40, United-States +<=50K,30, Self-emp-inc,84119, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,43, United-States +>50K,23, Local-gov,197918, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,150533, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,443742, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Private,104423, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,169133, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,185551, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,36, United-States +<=50K,60, Private,174486, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,69, State-gov,50468, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,34, United-States +<=50K,24, Private,196943, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,120691, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,25, United-States +<=50K,60, State-gov,198815, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, Mexico +<=50K,64, Private,22186, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,35, United-States +>50K,39, Self-emp-inc,188069, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,51, Private,233149, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,51, Private,138358, 10th,6, Divorced, Craft-repair, Not-in-family, Black, Female,0,0,35, United-States +<=50K,25, Private,338013, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, ?,332666, 10th,6, Never-married, ?, Own-child, White, Female,0,0,4, United-States +<=50K,37, Private,166339, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,74, Self-emp-not-inc,392886, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Female,0,0,14, United-States +>50K,26, State-gov,141838, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,23, Private,520759, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,30, United-States +>50K,57, Self-emp-inc,37345, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,20, Private,387779, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,37, Private,201531, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,123598, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,380614, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,83859, HS-grad,9, Widowed, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,50, State-gov,24790, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,266820, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,35, Mexico +<=50K,44, Private,85440, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,421837, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,404062, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,15, United-States +<=50K,38, Private,224566, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,294991, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Federal-gov,189610, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,52, United-States +>50K,37, Private,219141, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7688,0,40, United-States +>50K,46, Federal-gov,20956, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,38, Private,70995, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,215232, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,10, United-States +<=50K,71, ?,178295, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,3, United-States +<=50K,35, Private,56201, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,62, Private,98076, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,351810, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Cuba +<=50K,56, Self-emp-not-inc,144351, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,90, United-States +<=50K,30, State-gov,137613, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,20, Taiwan +<=50K,17, Private,54257, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,18, Self-emp-not-inc,230373, 11th,7, Never-married, Other-service, Own-child, White, Female,594,0,4, United-States +<=50K,35, Private,98389, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,184135, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,1, United-States +<=50K,46, Self-emp-not-inc,140121, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,33, Self-emp-not-inc,24504, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,129528, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,415578, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,97142, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,201328, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,256620, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Federal-gov,96854, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,141858, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,75, United-States +>50K,51, Federal-gov,20795, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,40, United-States +>50K,53, Private,95519, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,47, Private,112791, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,291407, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,239659, Some-college,10, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,70, United-States +<=50K,28, Private,183151, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,58, ?,97634, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,143807, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,186934, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,170065, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,108328, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,6849,0,50, United-States +<=50K,56, State-gov,83696, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,38, ? +<=50K,21, Private,204596, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,56, ?,32604, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,56, Private,193453, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,65, United-States +>50K,45, Private,148995, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,40, United-States +<=50K,20, Private,85041, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +>50K,62, Local-gov,140851, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,196280, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, Federal-gov,38973, Bachelors,13, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,39182, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Private,198841, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,694812, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,247444, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Nicaragua +<=50K,41, Private,294270, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,59, Private,195820, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,329426, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,37, United-States +<=50K,19, ?,174871, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,23, United-States +<=50K,41, Private,116103, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,206903, Bachelors,13, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +<=50K,50, Private,217577, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,337693, 5th-6th,3, Never-married, Other-service, Own-child, White, Female,0,0,40, El-Salvador +>50K,38, Private,204501, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,30, Private,169186, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,48, Private,109421, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,39, Local-gov,267893, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, Black, Male,7298,0,40, United-States +<=50K,40, Private,200479, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,221317, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,59, Self-emp-not-inc,132925, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, ?,283531, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,20, United-States +>50K,34, Private,170769, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,47, Self-emp-inc,186410, Prof-school,15, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,64, Self-emp-inc,307786, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,29, Private,380560, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,38, Local-gov,147258, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,212894, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,40, United-States +>50K,49, Private,124356, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,98791, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,35, Private,216473, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,70, ?,135339, Bachelors,13, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,38, Private,107303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,152744, Bachelors,13, Divorced, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, South +<=50K,34, Self-emp-not-inc,100079, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,55, India +<=50K,24, Private,117779, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, Hungary +<=50K,23, Private,197613, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,411068, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,47, Private,192984, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,59, Private,66356, 7th-8th,4, Never-married, Farming-fishing, Unmarried, White, Male,4865,0,40, United-States +>50K,33, Federal-gov,137184, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,63, Self-emp-not-inc,231105, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,35, United-States +<=50K,18, Local-gov,146586, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,60, United-States +<=50K,32, Private,32406, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,578701, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, ? +<=50K,19, Private,206777, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Local-gov,133495, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,34722, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +<=50K,38, Self-emp-not-inc,133299, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,24967, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,47, United-States +<=50K,35, Self-emp-not-inc,171968, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,22, Private,412156, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,40, Private,51290, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,34, Private,198265, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +<=50K,23, Private,293565, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,226288, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Self-emp-inc,110445, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,34, Private,160634, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,174242, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,390316, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,18, Private,298860, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,65, Private,171584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,232664, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,64, Private,63676, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,68, Private,170376, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,175964, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Federal-gov,422013, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,3683,40, United-States +>50K,35, Private,105813, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,50, Federal-gov,306707, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,12, United-States +<=50K,45, Private,177543, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,28, United-States +<=50K,43, Private,320277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,129495, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Private,257042, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,1506,0,40, United-States +>50K,45, Private,275995, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,86318, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,280440, Assoc-acdm,12, Never-married, Tech-support, Unmarried, White, Female,0,0,45, United-States +<=50K,26, Private,371556, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,408229, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,47, Private,149337, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,60, United-States +<=50K,34, Private,209297, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,2001,40, United-States +<=50K,53, Private,355802, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,32, Private,165949, Bachelors,13, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,1590,42, United-States +<=50K,44, Self-emp-not-inc,112507, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,462869, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,35, Private,413648, 5th-6th,3, Never-married, Farming-fishing, Unmarried, White, Male,0,0,36, United-States +<=50K,34, Private,29235, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Private,149823, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,39530, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,4, United-States +<=50K,23, Private,197387, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,37, Mexico +<=50K,56, Local-gov,255406, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Private,43764, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,38, Private,168322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,46, Private,278322, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,115813, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Female,0,0,57, United-States +<=50K,38, Self-emp-not-inc,184456, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,3464,0,80, Italy +<=50K,42, Private,289636, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,46, United-States +<=50K,48, Private,101684, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,133425, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,40, Private,349405, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +>50K,53, Private,124076, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,99999,0,37, United-States +<=50K,75, Self-emp-not-inc,165968, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +>50K,39, Private,185099, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,46, Federal-gov,268281, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,154949, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,34, Private,176711, HS-grad,9, Divorced, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,165064, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,213750, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Self-emp-not-inc,77132, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,21, Private,109667, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,162164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Private,219591, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,327462, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Private,236943, 9th,5, Divorced, Farming-fishing, Not-in-family, Black, Male,0,0,20, United-States +>50K,40, Private,89226, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,124751, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,24, United-States +>50K,48, Local-gov,144122, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,98769, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, Federal-gov,170066, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Self-emp-inc,162439, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,98, United-States +<=50K,47, Private,22900, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Local-gov,102130, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,215743, 11th,7, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,35, Private,381583, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,45, United-States +<=50K,56, Local-gov,198277, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,243178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,38, Local-gov,177305, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,19, Private,167149, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, Private,270872, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,594,0,40, ? +<=50K,31, Private,382368, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, Germany +<=50K,44, Local-gov,277144, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,21, State-gov,145651, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,1602,12, United-States +<=50K,41, Private,171351, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,265099, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,23, Private,105617, 9th,5, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,37, Local-gov,217689, Some-college,10, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,0,0,32, United-States +<=50K,46, ?,81136, Assoc-voc,11, Divorced, ?, Unmarried, White, Male,0,0,30, United-States +<=50K,43, Self-emp-not-inc,73883, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,31, Private,339482, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,40, Private,326232, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,106316, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,12, United-States +<=50K,64, Local-gov,198728, Some-college,10, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,126501, Assoc-voc,11, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,233802, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,37, Self-emp-not-inc,204501, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, Canada +<=50K,28, Private,208249, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,24, United-States +<=50K,42, Private,188693, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,93272, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,159299, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,21, ?,303588, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,35136, 10th,6, Divorced, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,139576, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,252355, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,27, United-States +<=50K,44, Self-emp-not-inc,83812, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,36, Private,89718, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,222810, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,456618, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Mexico +<=50K,21, Private,296158, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,41, Private,162140, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,2339,40, United-States +<=50K,28, Private,36601, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,195337, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, State-gov,282721, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,12, United-States +<=50K,40, Private,206049, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,223392, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,40, Private,27821, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,2829,0,40, United-States +<=50K,37, Private,131827, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,33, Private,549413, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,34, Private,69491, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,193755, Assoc-acdm,12, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,598802, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,72, Local-gov,259762, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,2290,0,10, United-States +<=50K,19, Private,266255, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,32954, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,40, Private,291808, HS-grad,9, Divorced, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,190728, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,59184, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Private,196456, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,147989, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,195784, 12th,8, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,202214, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +<=50K,40, Self-emp-inc,225165, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,54825, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,188905, 5th-6th,3, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Mexico +<=50K,17, Private,132636, 11th,7, Never-married, Transport-moving, Own-child, White, Female,0,0,16, United-States +<=50K,42, Local-gov,228320, 7th-8th,4, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,415500, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,254247, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, ? +<=50K,43, Private,255635, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +<=50K,46, Private,96080, 9th,5, Separated, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,18, ?,78181, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,50, Local-gov,339547, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,47, Self-emp-not-inc,126500, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,31, Private,511289, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,2907,0,99, United-States +<=50K,33, Private,159574, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,27, Private,224105, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,59, Self-emp-not-inc,128105, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +>50K,39, Local-gov,89508, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,370242, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,67257, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,24, Private,62952, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,111058, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,1980,40, United-States +<=50K,30, Private,29235, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,52, State-gov,101119, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Federal-gov,140516, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,30, Private,159888, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,19, ?,45643, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,23, Private,166371, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,60, United-States +<=50K,37, State-gov,160910, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, State-gov,257064, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,38, United-States +>50K,49, Self-emp-not-inc,181307, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,65, United-States +<=50K,30, Private,83253, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,128700, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,243010, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, Other, Male,0,0,32, United-States +<=50K,35, Self-emp-not-inc,37778, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,3103,0,55, United-States +<=50K,24, Private,132320, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,234755, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,35, Private,142616, HS-grad,9, Separated, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,20, Private,148509, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,29, State-gov,240738, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,32276, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,28, United-States +<=50K,50, Local-gov,163921, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,464103, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,49, ?,271346, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,15024,0,60, United-States +<=50K,30, Local-gov,327825, HS-grad,9, Divorced, Protective-serv, Own-child, White, Female,0,0,32, United-States +<=50K,37, Private,267085, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,266945, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,3137,0,40, El-Salvador +<=50K,20, Private,234663, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,189123, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,50, United-States +<=50K,55, Private,104996, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,101265, 12th,8, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,40, Italy +<=50K,22, Private,184975, HS-grad,9, Married-spouse-absent, Other-service, Own-child, White, Female,0,0,3, United-States +<=50K,23, Private,246965, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,12, United-States +<=50K,43, Private,227065, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,4650,0,40, United-States +<=50K,39, Private,301867, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,24, Philippines +<=50K,21, Private,185948, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +>50K,52, Self-emp-inc,134854, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,281030, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,4064,0,40, United-States +>50K,42, Private,126701, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,9562,0,45, United-States +<=50K,50, Self-emp-not-inc,95949, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-not-inc,88528, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,99, United-States +<=50K,47, Private,24723, 10th,6, Divorced, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,45, United-States +<=50K,49, ?,171411, 9th,5, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,184581, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,100067, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Private,182863, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Never-worked,462294, Some-college,10, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,61, Private,85434, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,158092, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,104844, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,54, Self-emp-inc,304570, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,7688,0,40, ? +<=50K,47, ?,89806, Some-college,10, Divorced, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,35, United-States +<=50K,39, Private,106183, HS-grad,9, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Female,6849,0,40, United-States +<=50K,24, Private,89347, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,157236, Some-college,10, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,40, Poland +<=50K,19, Private,261259, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,20, Private,286166, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,23, Private,122272, HS-grad,9, Never-married, Craft-repair, Own-child, White, Female,0,0,40, United-States +>50K,58, Private,248739, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,53, United-States +<=50K,20, Private,224238, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,62, Private,138157, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,12, United-States +<=50K,25, Private,148460, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,4416,0,40, Puerto-Rico +<=50K,67, Private,236627, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,2, United-States +>50K,37, Local-gov,191364, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, France +<=50K,36, Private,353524, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Female,1831,0,40, United-States +<=50K,38, Private,391040, Assoc-voc,11, Separated, Tech-support, Unmarried, White, Female,0,0,20, United-States +<=50K,23, Private,134997, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,80, United-States +<=50K,28, Private,392487, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,216724, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,174395, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, United-States +>50K,63, Private,383058, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,60, Self-emp-not-inc,96073, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,31, Self-emp-inc,103435, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,29, Self-emp-not-inc,96718, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +>50K,37, Private,178948, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,45, United-States +<=50K,51, Private,173987, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,34419, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,27, Private,224849, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,249857, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,340458, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,66, Self-emp-not-inc,427422, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,2377,25, United-States +<=50K,19, ?,440417, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,36, Private,175643, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,297485, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,232954, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,326330, Some-college,10, Divorced, Exec-managerial, Own-child, White, Female,1831,0,40, United-States +<=50K,25, Private,109419, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,22, Private,127768, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,32, United-States +>50K,41, Private,252986, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,380544, Assoc-acdm,12, Never-married, Transport-moving, Own-child, White, Male,0,0,20, United-States +<=50K,52, Private,306108, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,232855, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,37, United-States +>50K,44, Private,130126, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,50, Private,194231, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Self-emp-inc,197038, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, ?,168223, Bachelors,13, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,71, State-gov,26109, Prof-school,15, Married-civ-spouse, Other-service, Husband, White, Male,0,0,28, United-States +<=50K,20, Private,285671, HS-grad,9, Never-married, Other-service, Other-relative, Black, Male,0,0,25, United-States +<=50K,20, Private,153583, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, ? +>50K,59, Self-emp-inc,103948, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,439919, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,3411,0,40, Mexico +<=50K,38, Private,40319, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,42, United-States +<=50K,55, Local-gov,159028, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,98675, 9th,5, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,45, Private,90758, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,43, Self-emp-not-inc,75435, HS-grad,9, Divorced, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,19, Private,219189, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,33, Private,203463, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,63, Private,187635, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Self-emp-not-inc,154641, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,8614,0,50, United-States +<=50K,34, Private,27153, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,150324, Assoc-acdm,12, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,83704, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,176262, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, White, Female,0,0,36, United-States +<=50K,20, Private,179423, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,8, United-States +>50K,45, Private,168038, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,59, Private,108765, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,58, Private,146477, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, Greece +>50K,66, Local-gov,188220, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,37, Private,292855, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,35, United-States +<=50K,29, Private,114870, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,77723, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,39, Private,284166, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,57, Private,133902, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,57, Private,191318, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,67794, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,44, Self-emp-inc,357679, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,15024,0,65, United-States +>50K,56, Private,117872, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,55929, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,22, ?,165065, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, Italy +<=50K,26, Self-emp-not-inc,34307, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +>50K,33, Private,246038, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,147258, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,45, Private,329144, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,56, Local-gov,52953, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,1669,38, United-States +<=50K,23, Private,216181, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,36, Iran +<=50K,23, Private,391171, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,25, United-States +<=50K,35, Local-gov,223242, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,103925, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,32, United-States +<=50K,45, Private,38240, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,148444, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,56, State-gov,110257, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,101345, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,268098, 12th,8, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,36, United-States +<=50K,21, ?,369084, Some-college,10, Never-married, ?, Other-relative, White, Male,0,0,10, United-States +<=50K,31, Private,288825, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,40, United-States +<=50K,20, Private,162688, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,38, United-States +<=50K,17, ?,48751, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,44, Federal-gov,184099, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,307496, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,23, United-States +<=50K,71, ?,176986, HS-grad,9, Widowed, ?, Unmarried, White, Male,0,0,24, United-States +<=50K,23, Private,267955, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,283969, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Mexico +<=50K,29, State-gov,204516, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +<=50K,33, Private,167771, Some-college,10, Separated, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,46, Private,345073, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, ?,380219, Some-college,10, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,36, Self-emp-inc,306156, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,70, Self-emp-not-inc,37203, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,9386,0,30, United-States +<=50K,19, Private,185097, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,37, United-States +<=50K,29, Private,144808, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,34, Private,187203, Assoc-acdm,12, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,125089, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,289458, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,144798, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, ?,172152, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,25, Taiwan +<=50K,28, Private,207513, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,48, United-States +<=50K,24, ?,164574, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,76, Private,199949, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,20051,0,50, United-States +<=50K,19, Private,213024, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,213140, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +>50K,24, Self-emp-not-inc,83374, Some-college,10, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,37, Private,192939, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,424494, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,215243, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,42, United-States +>50K,40, Private,30682, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,306639, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,23, Local-gov,218678, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,219130, Some-college,10, Never-married, Other-service, Not-in-family, Other, Female,0,0,40, United-States +<=50K,64, Private,180624, Assoc-acdm,12, Never-married, Prof-specialty, Other-relative, White, Female,0,0,30, United-States +>50K,53, Local-gov,200190, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,55, United-States +<=50K,28, Private,194472, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,52, Local-gov,205767, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,249870, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +>50K,31, Private,211242, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,77, Private,149912, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,10, United-States +<=50K,22, Private,85389, HS-grad,9, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,17, ?,806316, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,38, Private,329980, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,45, ?,236612, 11th,7, Divorced, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Local-gov,249214, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,50, Private,257126, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,53, Local-gov,204397, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,291979, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Private,138667, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,57, Federal-gov,42298, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024,0,40, United-States +>50K,39, Private,375452, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,48, United-States +<=50K,30, Private,94413, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +>50K,31, Federal-gov,166626, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,326566, Some-college,10, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,30, Private,165503, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,65, United-States +<=50K,48, Private,102597, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,44, United-States +<=50K,62, ?,113234, Masters,14, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,39, Private,177277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,198103, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,1980,40, United-States +>50K,45, Private,260490, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,237478, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Federal-gov,36885, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,17, Private,166242, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,19, ?,158603, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +<=50K,25, Private,274228, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,84, United-States +<=50K,42, Private,185145, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,57, United-States +<=50K,66, Private,28367, Bachelors,13, Married-civ-spouse, Priv-house-serv, Other-relative, White, Male,0,0,99, United-States +<=50K,63, Self-emp-not-inc,28612, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,70, United-States +<=50K,43, Private,191429, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +<=50K,26, Private,459548, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, Mexico +>50K,23, Private,65481, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,39, Private,186130, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,47, Self-emp-inc,350759, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,359678, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,48, United-States +<=50K,35, Private,220595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,29599, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, State-gov,299153, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,46, Private,75256, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,143583, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +>50K,31, State-gov,207505, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,70, United-States +<=50K,41, Private,308550, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,60, United-States +<=50K,50, Private,145717, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,36, Private,334366, 11th,7, Separated, Exec-managerial, Not-in-family, White, Female,0,0,32, United-States +<=50K,31, ?,76198, HS-grad,9, Separated, ?, Own-child, White, Female,0,0,20, United-States +>50K,45, Self-emp-not-inc,155489, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,50, Private,197322, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,194259, 7th-8th,4, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +>50K,40, Private,346189, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,55, Private,98361, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +>50K,64, ?,178556, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,56, United-States +>50K,51, Self-emp-inc,162943, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,30, Private,19302, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,56, State-gov,67662, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +<=50K,35, Private,126675, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,55, Self-emp-not-inc,278228, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,30, Private,169152, HS-grad,9, Never-married, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,204052, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,215392, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,43, Self-emp-inc,83348, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,24, Local-gov,196816, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,541343, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,33, Local-gov,55921, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,70, United-States +<=50K,32, Private,251701, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,29, Federal-gov,119848, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,160572, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,47, United-States +<=50K,18, Private,25837, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,15, United-States +<=50K,20, Private,236592, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,45, State-gov,199326, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,341610, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,35, ? +>50K,45, Private,175958, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,198965, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,193537, 7th-8th,4, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,0,35, Puerto-Rico +<=50K,24, Private,438839, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,298227, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,35, United-States +>50K,28, Private,271466, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,335570, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,21, Private,206891, 7th-8th,4, Never-married, Farming-fishing, Own-child, White, Female,0,0,38, United-States +<=50K,23, Private,162551, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,45, Private,145637, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,41, Private,101290, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,49, Federal-gov,229376, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,439592, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Private,161141, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,70, Private,304570, Bachelors,13, Widowed, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,32, Philippines +<=50K,24, Private,103277, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,2597,0,40, United-States +<=50K,28, Local-gov,407672, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,73928, Assoc-voc,11, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +>50K,83, Self-emp-inc,240150, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,20051,0,50, United-States +>50K,69, Private,230417, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, China +<=50K,37, Private,260093, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,96020, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,104421, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,71, Private,152307, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,45, United-States +<=50K,56, State-gov,93415, HS-grad,9, Widowed, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,27, Local-gov,282664, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,45, ? +>50K,42, Self-emp-not-inc,269733, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,99999,0,80, United-States +<=50K,21, Private,202871, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,44, United-States +<=50K,29, Private,169683, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,271603, 7th-8th,4, Never-married, Other-service, Not-in-family, White, Male,0,0,24, ? +>50K,32, Private,340917, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,329874, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,43770, Some-college,10, Separated, Other-service, Not-in-family, White, Female,4650,0,72, United-States +>50K,55, State-gov,120781, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,48, Private,138069, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,58, Self-emp-not-inc,33309, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,80, United-States +<=50K,23, Private,76432, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, State-gov,277635, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,49, Local-gov,123088, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,46, United-States +<=50K,51, Private,57698, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,181820, HS-grad,9, Separated, Craft-repair, Own-child, White, Male,0,0,53, United-States +<=50K,40, Self-emp-not-inc,98985, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,50, United-States +<=50K,59, Private,98350, HS-grad,9, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, China +<=50K,47, Private,125120, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Female,0,0,50, United-States +<=50K,37, Private,243409, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,58972, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,1506,0,40, United-States +<=50K,43, Private,62857, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,40, Private,283174, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,48, Private,107373, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,201155, 9th,5, Never-married, Sales, Not-in-family, White, Female,0,0,48, United-States +>50K,48, Private,187505, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,61778, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,223648, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,4101,0,48, United-States +<=50K,28, Private,149652, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,56, Private,170324, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Trinadad&Tobago +<=50K,45, Private,165937, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,60, State-gov,114060, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,53, State-gov,58913, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,37, State-gov,378916, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,241885, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,29, Private,224421, Assoc-voc,11, Married-AF-spouse, Farming-fishing, Husband, White, Male,0,0,44, United-States +<=50K,31, ?,213771, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,36, United-States +<=50K,39, Private,315565, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, Cuba +>50K,31, Local-gov,153005, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,42, Private,98211, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,17, Private,198606, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,16, United-States +<=50K,19, Private,260333, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,219510, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,32, United-States +>50K,62, Private,266624, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,6418,0,40, United-States +<=50K,34, Private,136862, 1st-4th,2, Never-married, Other-service, Other-relative, White, Female,0,0,40, Guatemala +>50K,47, Self-emp-inc,215620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,58, Private,187067, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,62, Canada +<=50K,23, Private,325921, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,33, Private,268127, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,76, Private,142535, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,6, United-States +<=50K,40, Private,177083, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,28, Private,77009, 7th-8th,4, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,41, Private,306405, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,46, Local-gov,303918, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,96, United-States +<=50K,22, Federal-gov,262819, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,49087, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,53833, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,31, Private,1033222, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,8614,0,40, United-States +<=50K,22, Private,81145, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Private,215479, Some-college,10, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,43, United-States +<=50K,29, Private,113464, HS-grad,9, Never-married, Transport-moving, Other-relative, Other, Male,0,0,40, Dominican-Republic +>50K,60, Private,109530, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,40, United-States +>50K,72, Federal-gov,217864, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,117721, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,19, Private,199484, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,25, Private,248851, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,116968, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,59, Private,366618, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,17, Private,240143, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +>50K,59, ?,424468, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,320280, Some-college,10, Never-married, ?, Not-in-family, White, Male,1848,0,1, United-States +<=50K,25, Private,120238, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,2885,0,43, United-States +<=50K,50, ?,194186, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,247053, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,180599, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,29, Local-gov,190330, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,29, State-gov,199450, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Male,0,0,40, United-States +>50K,32, Local-gov,199539, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,94366, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,6, United-States +>50K,50, Self-emp-not-inc,29231, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,33126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,102085, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,32, Private,212064, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,54, State-gov,166774, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,65, Private,95303, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,379768, HS-grad,9, Never-married, ?, Own-child, Other, Female,0,0,40, United-States +>50K,70, Self-emp-inc,247383, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,53, Private,229465, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,37, Private,135436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +<=50K,21, Private,180052, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +<=50K,20, Private,214387, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,47, State-gov,149337, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,38, United-States +<=50K,26, Private,208326, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3942,0,45, United-States +<=50K,31, Private,34374, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,58683, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,403037, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,32365, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,49, Private,155489, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,33, Self-emp-inc,289886, HS-grad,9, Never-married, Other-service, Unmarried, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,30, Federal-gov,54684, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, ? +<=50K,19, Private,101549, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,48, Self-emp-inc,51579, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,41, Private,40151, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,244721, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +>50K,47, Local-gov,228372, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +>50K,53, Local-gov,236873, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,250249, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,71, Private,93202, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,29, Private,176723, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,43, Local-gov,175526, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,91842, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, Private,71768, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,56, Private,181220, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,204516, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Self-emp-not-inc,89172, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,37, Federal-gov,143547, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,310889, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,150324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,216472, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,64, Private,212838, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,45, Private,168283, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,40, Private,187702, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,19, Private,60661, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,52, United-States +>50K,54, Private,115284, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +>50K,61, Self-emp-inc,98350, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,18, Private,195372, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,62, ?,81578, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,111567, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,244572, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,37, United-States +<=50K,54, Private,230919, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,282604, Some-college,10, Married-civ-spouse, Protective-serv, Other-relative, White, Male,0,0,24, United-States +<=50K,54, Private,320196, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, Germany +>50K,42, Private,201466, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,51, Federal-gov,254211, Masters,14, Widowed, Sales, Unmarried, White, Male,0,0,50, El-Salvador +>50K,41, Private,599629, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,47, Local-gov,219632, Assoc-acdm,12, Separated, Exec-managerial, Not-in-family, White, Male,0,1408,40, United-States +<=50K,31, State-gov,161631, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,202373, Assoc-voc,11, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,52, Private,169549, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,127185, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,184277, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,58, Private,119751, HS-grad,9, Married-civ-spouse, Priv-house-serv, Other-relative, Asian-Pac-Islander, Female,0,0,60, Philippines +<=50K,23, Private,294701, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,26842, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,43, State-gov,114537, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,126386, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,163787, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,44, Private,98211, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,175509, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,48, Private,159854, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-inc,120920, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,187551, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +>50K,41, State-gov,27305, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,35, Private,216711, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Local-gov,218596, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,280292, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +<=50K,40, Private,200496, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,78090, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,23, Private,118693, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,203488, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,27, Local-gov,172091, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +>50K,32, Private,113364, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,72, Self-emp-not-inc,139889, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,74, United-States +<=50K,43, Local-gov,301638, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,40, United-States +<=50K,32, Private,110279, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,53, Private,242859, Some-college,10, Separated, Adm-clerical, Own-child, White, Male,0,0,40, Cuba +<=50K,18, Private,132986, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,38, Private,254439, 10th,6, Widowed, Transport-moving, Unmarried, Black, Male,114,0,40, United-States +<=50K,41, Federal-gov,187462, Assoc-voc,11, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,264961, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +>50K,70, ?,148065, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,46, Self-emp-inc,200949, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,50, ? +<=50K,47, Private,47247, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,56, Local-gov,571017, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,15, United-States +<=50K,28, Private,416577, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,2829,0,40, United-States +>50K,55, State-gov,296991, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,50, State-gov,45961, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,6849,0,40, United-States +<=50K,47, Private,302711, 11th,7, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,42, Self-emp-inc,50356, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,199336, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,341178, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,44, Mexico +<=50K,42, Federal-gov,70240, Some-college,10, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,46, Private,229394, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,390368, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,15024,0,99, United-States +<=50K,55, Private,82098, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,55, United-States +>50K,57, Private,170411, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,109532, 12th,8, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,142682, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, Dominican-Republic +<=50K,34, Self-emp-inc,127651, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,27, Local-gov,236472, Bachelors,13, Divorced, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,25, Private,176047, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,2176,0,40, United-States +<=50K,37, Private,111499, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,425199, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,38, Private,229009, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,232713, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,594,0,30, United-States +>50K,70, Private,141742, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,9386,0,50, United-States +<=50K,37, Private,234807, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,37, United-States +<=50K,45, Private,738812, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +>50K,56, Private,204816, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,64, Private,342494, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,226311, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,23, Private,143062, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, Local-gov,125155, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,90, United-States +<=50K,23, Private,329925, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,26, ?,208994, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,12, United-States +>50K,56, Local-gov,212864, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,41, Private,214242, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,47, Self-emp-not-inc,191175, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,2179,50, Mexico +<=50K,21, Private,118693, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,253593, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,32, State-gov,206051, Some-college,10, Married-spouse-absent, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,72, Private,497280, 9th,5, Widowed, Other-service, Unmarried, Black, Female,0,0,20, United-States +>50K,69, Self-emp-not-inc,240562, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +<=50K,19, Private,140985, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,25, United-States +<=50K,25, Local-gov,191921, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,25, United-States +>50K,56, Private,204049, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1848,50, United-States +>50K,42, Private,331651, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,50, United-States +<=50K,58, Private,142158, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,24, Private,249046, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,41, Private,213019, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,38, United-States +>50K,40, Private,199599, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,186191, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, ? +<=50K,25, Private,28008, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,43, Self-emp-inc,82488, Bachelors,13, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,36, Private,117073, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,325786, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,37546, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,204226, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,133299, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,29702, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,307812, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,174545, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,46, United-States +<=50K,23, Private,233472, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,184147, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,20, United-States +<=50K,27, Private,198188, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580,0,45, United-States +>50K,32, Private,447066, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,15024,0,50, United-States +<=50K,33, Private,200246, Some-college,10, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,166585, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,21, Private,335570, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, ? +<=50K,39, Private,53569, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,167065, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,113364, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,30, United-States +>50K,40, Federal-gov,219266, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Federal-gov,200042, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,20, Private,205975, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,63, ?,234083, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,2205,40, United-States +<=50K,56, Private,65325, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,30, Local-gov,194740, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,99065, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,39, United-States +>50K,25, Private,212793, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,33, Private,112941, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,187322, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,283676, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,173682, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,168470, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,27, Private,186454, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,13550,0,40, United-States +<=50K,58, Private,141807, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,25, Private,245628, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,15, Mexico +<=50K,31, Private,264864, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,39, Private,262841, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,55, Private,37438, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,170800, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,44, Private,152150, Assoc-acdm,12, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, ?,211873, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,1628,5, ? +<=50K,44, Private,159580, 12th,8, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, Private,477209, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, United-States +<=50K,32, Private,70985, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,35, Private,241998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,249541, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Private,135339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,32, Private,44675, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,46, State-gov,247992, 7th-8th,4, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Self-emp-not-inc,221626, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,1579,20, United-States +<=50K,43, Self-emp-inc,48087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,114045, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,60, State-gov,69251, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,38, China +<=50K,67, Private,192670, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,19, Private,268392, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,30, United-States +<=50K,55, ?,170994, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,48, Private,431513, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +<=50K,19, State-gov,37332, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,19, Private,35865, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,43, Private,183891, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,150309, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,90, United-States +<=50K,65, Private,93318, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,32, Private,171814, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,36, State-gov,183735, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,353541, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,33, Local-gov,152351, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +<=50K,72, ?,271352, 10th,6, Divorced, ?, Not-in-family, White, Male,0,0,12, United-States +>50K,34, Private,345705, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,27, Private,223751, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,75, Self-emp-inc,164570, 11th,7, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,39, ?,281363, 10th,6, Widowed, ?, Unmarried, White, Female,0,0,15, United-States +>50K,51, Private,110747, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,47, Private,34458, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,254293, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,270147, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,195491, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,36, Local-gov,255454, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,126125, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,33, Private,618191, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,163110, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,51, Private,145409, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,48, United-States +<=50K,39, State-gov,235379, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,55465, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,67, Local-gov,181220, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,20, United-States +<=50K,42, Private,26672, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,59, Private,98361, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Local-gov,219883, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +<=50K,19, Private,376683, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,2036,0,30, United-States +<=50K,47, Private,33865, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,68, Private,168794, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +<=50K,30, Private,94245, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,34572, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Private,348751, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,65382, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,60, Private,116707, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +>50K,51, Private,178054, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,24, Private,140001, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,166889, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Female,0,1602,35, United-States +<=50K,24, Private,117789, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,238917, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +>50K,48, Local-gov,242923, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,1848,40, United-States +<=50K,52, Local-gov,330799, 9th,5, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,209460, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Federal-gov,75313, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,66, United-States +<=50K,29, ?,339100, 11th,7, Divorced, ?, Not-in-family, White, Female,3418,0,48, United-States +<=50K,20, Private,184779, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,31, Private,139000, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,30, Private,361742, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,260782, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, ? +<=50K,51, Private,203435, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,100579, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,356067, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,16, United-States +<=50K,46, Private,87250, Bachelors,13, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,264663, Some-college,10, Separated, Prof-specialty, Own-child, White, Female,0,3900,40, United-States +<=50K,29, Private,255817, 5th-6th,3, Never-married, Other-service, Other-relative, White, Female,0,0,40, El-Salvador +<=50K,48, Self-emp-not-inc,243631, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,30, South +<=50K,34, Self-emp-inc,544268, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,42, Self-emp-not-inc,98061, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,95691, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, Columbia +<=50K,47, Private,145868, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,65038, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,43, Local-gov,227734, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,22, United-States +<=50K,19, Local-gov,176831, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,35, United-States +<=50K,22, Private,211678, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,40, Local-gov,157240, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,70, United-States +<=50K,41, Self-emp-not-inc,145441, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Yugoslavia +>50K,71, Self-emp-inc,66624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,60, United-States +<=50K,42, Private,76487, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,31, State-gov,557853, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,47, United-States +<=50K,69, ?,262352, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,32, United-States +<=50K,58, Self-emp-not-inc,118253, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,36, Private,146625, 11th,7, Widowed, Other-service, Unmarried, Black, Female,0,0,12, United-States +<=50K,31, Private,174201, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,20, ?,66695, Some-college,10, Never-married, ?, Own-child, Other, Female,594,0,35, United-States +<=50K,41, Private,121130, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,385847, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, ?,83439, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,114158, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,27, Private,381789, 12th,8, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,17, Private,82041, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Canada +>50K,35, Self-emp-not-inc,115618, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,45, Self-emp-not-inc,106110, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,99, United-States +<=50K,44, Private,267521, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,90692, Assoc-voc,11, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,51, Private,57101, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,236913, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,64, Self-emp-not-inc,388625, 10th,6, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +<=50K,54, Self-emp-not-inc,261207, 7th-8th,4, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, Cuba +<=50K,43, Private,245487, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,32, Private,262153, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,36, Private,225516, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Male,10520,0,43, United-States +>50K,26, Self-emp-not-inc,68729, HS-grad,9, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,50, United-States +>50K,37, Private,126954, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,85074, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,383306, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,128143, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,50, United-States +>50K,47, Private,185041, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,99373, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Local-gov,157942, HS-grad,9, Widowed, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +<=50K,43, Private,241928, HS-grad,9, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,32, United-States +>50K,37, Private,348739, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,95654, 10th,6, Divorced, Exec-managerial, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,367306, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,270421, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,63, ?,221592, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,50, Self-emp-not-inc,156951, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,42, State-gov,39239, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,70, United-States +<=50K,32, Private,72744, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,42, State-gov,367292, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,408498, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,361493, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,3325,0,40, United-States +<=50K,65, Self-emp-inc,157403, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,231263, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,244147, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,10, United-States +<=50K,24, Private,220944, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,51, Federal-gov,314007, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, ?,200862, 10th,6, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +<=50K,28, Private,33374, 11th,7, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,32, Self-emp-inc,345489, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,77, Private,83601, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,162302, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,26, Private,112847, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,147344, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,57, State-gov,183657, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,35, United-States +<=50K,40, Private,130760, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,50, Private,163948, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,316797, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,45, Mexico +<=50K,54, Federal-gov,332243, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,195844, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,51, Local-gov,387250, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,38, State-gov,188303, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,40, United-States +<=50K,68, ?,40956, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,17, Private,178953, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,398988, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,535978, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,296982, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,231991, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,295799, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, State-gov,201569, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +<=50K,58, Private,193568, 11th,7, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Private,97128, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,42, Private,203393, Bachelors,13, Married-civ-spouse, Craft-repair, Wife, Black, Female,0,0,35, United-States +<=50K,49, Private,138370, Masters,14, Married-spouse-absent, Protective-serv, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,41, Self-emp-inc,120277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,43, Private,91949, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +>50K,46, Private,228372, Bachelors,13, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,28, Private,132191, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,39, Self-emp-not-inc,274683, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +>50K,50, Local-gov,196307, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,57, Private,195835, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,185399, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,38, United-States +<=50K,79, Self-emp-not-inc,103684, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,140559, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, White, Female,0,0,45, United-States +<=50K,35, Federal-gov,110188, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,35, Local-gov,668319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,80, United-States +>50K,30, Private,112358, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,151810, 10th,6, Never-married, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,49, Private,48120, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Female,1506,0,40, United-States +<=50K,48, Private,144844, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,205839, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,113760, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,50, Private,138358, 10th,6, Separated, Adm-clerical, Not-in-family, Black, Female,0,0,47, Jamaica +<=50K,47, Self-emp-not-inc,216657, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,278576, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,44, Private,174373, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,73, Private,220019, 9th,5, Widowed, Other-service, Unmarried, White, Female,0,0,9, United-States +<=50K,24, ?,311949, HS-grad,9, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,45, ? +>50K,34, Private,303867, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,154210, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,28, ?,131310, 12th,8, Married-civ-spouse, ?, Wife, White, Female,0,0,20, Germany +>50K,46, Private,202560, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,20, ?,358783, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,29, Private,423024, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,206671, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, State-gov,245310, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,18, Private,31983, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,41, Private,124956, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,90, United-States +>50K,59, Private,118358, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,491421, 5th-6th,3, Never-married, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,50, Private,151580, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,248990, 1st-4th,2, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,24, Mexico +<=50K,42, Private,157425, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,36, Private,221650, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Japan +>50K,62, Private,88055, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,71, Private,216608, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,682947, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,44, Private,228124, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, ?,217194, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,49, Self-emp-not-inc,171540, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,60, Self-emp-inc,210827, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,28, Self-emp-not-inc,410351, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Poland +<=50K,26, Private,163747, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,55, United-States +<=50K,18, Private,108892, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +>50K,43, Private,180096, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,65, Local-gov,153890, 12th,8, Widowed, Exec-managerial, Not-in-family, White, Male,2009,0,44, United-States +<=50K,23, Private,117480, 10th,6, Never-married, Craft-repair, Own-child, White, Male,0,0,44, United-States +<=50K,21, Private,163333, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,20, Self-emp-not-inc,306710, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,150553, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,18, Philippines +<=50K,77, Private,123959, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,32, Private,24961, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,37, Local-gov,327120, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,29, Self-emp-not-inc,33798, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,59, Private,81929, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,45, United-States +<=50K,22, Private,298489, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,30, ?,101697, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +>50K,31, Private,144064, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,59, Self-emp-not-inc,195835, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,29, Federal-gov,184723, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,56, Private,265086, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,235909, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,42645, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,58, State-gov,279878, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,104892, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,137063, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,38, United-States +<=50K,38, Self-emp-not-inc,58972, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,36, Private,126675, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,19, Private,286435, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,594,0,40, United-States +>50K,46, Private,191389, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,28, United-States +>50K,42, Private,183241, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,29, Private,91547, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,52781, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,29, Private,210959, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,365516, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,112271, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,269455, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,46, Private,164379, Bachelors,13, Divorced, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,28, Private,109621, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,104858, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,39, Private,99270, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,193524, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,70, ?,149040, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2964,0,12, United-States +<=50K,60, State-gov,313946, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,35, Private,162358, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,59, Private,200700, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,48, United-States +<=50K,21, Private,116489, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,60, United-States +<=50K,22, Private,118310, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,16, United-States +>50K,31, Private,352465, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,40, Private,107433, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,33, Private,296538, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,41, Local-gov,195897, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,31, Self-emp-not-inc,216283, Assoc-acdm,12, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,62, Private,345780, Assoc-voc,11, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,216685, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,28, Local-gov,210945, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,60, United-States +>50K,43, Private,184321, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,1887,40, United-States +>50K,55, Self-emp-not-inc,322691, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,3103,0,55, United-States +<=50K,42, Private,192712, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,23, Private,178272, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Federal-gov,321333, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,120277, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,45, United-States +<=50K,19, Private,294029, 11th,7, Never-married, Sales, Own-child, Other, Female,0,0,32, Nicaragua +<=50K,23, Private,112819, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,152636, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,50, United-States +<=50K,63, ?,301611, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,51, Private,134808, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,64216, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,90, United-States +<=50K,29, State-gov,214284, Masters,14, Never-married, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,20, Taiwan +>50K,25, Private,469572, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,8614,0,40, United-States +>50K,44, Self-emp-not-inc,282722, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,17, Private,231439, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,42, Self-emp-inc,120277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,364685, 11th,7, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +<=50K,26, Private,18827, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,169129, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Private,202051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +>50K,58, ?,353244, Bachelors,13, Widowed, ?, Unmarried, White, Female,27828,0,50, United-States +<=50K,19, Private,574271, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,65, State-gov,29276, 7th-8th,4, Widowed, Other-service, Other-relative, White, Female,0,0,24, United-States +>50K,52, Self-emp-not-inc,104501, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,394176, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,27, Private,85625, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,22, United-States +<=50K,53, Private,340723, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,149342, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Private,73715, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,143083, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,18, United-States +>50K,40, Local-gov,290660, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Male,8614,0,50, United-States +>50K,49, Local-gov,98738, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,86, Private,149912, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,49, Private,309033, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,60, United-States +<=50K,43, Self-emp-not-inc,96129, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,216096, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,35, Puerto-Rico +>50K,32, Private,171091, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,30, Self-emp-not-inc,79303, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,25, Local-gov,182380, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,36271, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,118197, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,46, Private,269652, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,38, United-States +>50K,39, Local-gov,193815, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,28, Private,141957, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,70, United-States +<=50K,26, Private,222637, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,55, Puerto-Rico +<=50K,27, Private,118230, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,59, Private,174040, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,64, State-gov,105748, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,90, Self-emp-not-inc,82628, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,2964,0,12, United-States +>50K,51, Private,205100, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,107916, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,40, United-States +<=50K,39, Private,130620, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Unmarried, Other, Female,0,0,40, Dominican-Republic +<=50K,30, ?,361817, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,25, United-States +>50K,47, Self-emp-not-inc,235646, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,32, Private,53277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,456460, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,23, Private,293091, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,62, Private,210935, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,48, ?,199763, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,62, ?,223447, 12th,8, Divorced, ?, Not-in-family, White, Male,0,0,40, Canada +<=50K,35, Self-emp-not-inc,233533, Bachelors,13, Separated, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,27, Private,95647, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,49, Private,199763, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,74539, 10th,6, Never-married, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,19, Private,84610, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,63, Self-emp-inc,96930, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,115602, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,24, Private,237341, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,61, Private,143800, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,50, Self-emp-inc,163921, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,36, Private,68273, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,113163, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +>50K,38, Self-emp-inc,478829, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,50, United-States +<=50K,30, Private,345705, Some-college,10, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,0,0,40, United-States +<=50K,22, Private,385077, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,2907,0,40, United-States +<=50K,33, Private,192286, Some-college,10, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,52, United-States +>50K,39, Local-gov,236391, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +>50K,42, Private,106679, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,47, ?,308242, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,46094, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,33, United-States +<=50K,29, Private,194940, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,341643, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,55, United-States +<=50K,23, Private,210474, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,28, Private,76313, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,34, Private,115858, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,55191, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,364862, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,334787, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,205733, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, ?,120163, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,333677, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,2463,0,35, United-States +<=50K,25, Private,208591, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,341204, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,1831,0,30, United-States +<=50K,56, Self-emp-not-inc,115422, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,35, Self-emp-inc,111319, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,45, United-States +<=50K,54, Private,816750, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,25, Private,167835, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,3325,0,40, United-States +<=50K,28, Private,92262, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,91964, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,107682, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,52, State-gov,135388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,39, Self-emp-not-inc,597843, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, Columbia +<=50K,19, Private,389942, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,442274, 12th,8, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,23, Private,595461, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,52, Private,284329, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,33, Self-emp-not-inc,127894, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,196899, Bachelors,13, Never-married, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Female,0,0,50, Haiti +<=50K,58, Private,212534, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, Private,71209, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,39, Private,237943, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,70, United-States +<=50K,38, Private,190759, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Private,100313, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +>50K,41, Private,344624, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, ?,194024, 9th,5, Separated, ?, Unmarried, White, Female,0,0,50, United-States +<=50K,19, Private,87497, 11th,7, Never-married, Transport-moving, Other-relative, White, Male,0,0,10, United-States +<=50K,22, Private,236907, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,59, Private,169639, Assoc-acdm,12, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,37, Private,105803, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,45, United-States +<=50K,31, Private,149507, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,18, Private,294387, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,161708, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,28, Private,282389, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,64940, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,49, Private,195727, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,37931, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,170720, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,43, Private,152958, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +>50K,28, Private,312372, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,15024,0,40, United-States +<=50K,41, Private,39581, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,24, El-Salvador +>50K,50, Private,206862, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,46, Private,216934, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, Portugal +<=50K,20, Private,143062, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,242391, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,165030, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,37, Private,199251, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,46, Self-emp-not-inc,353012, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,66, Private,174491, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, ?,333305, Some-college,10, Married-civ-spouse, ?, Own-child, White, Female,0,0,40, United-States +>50K,38, Private,203138, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,50, United-States +<=50K,25, Private,220220, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,45, United-States +>50K,55, Federal-gov,305850, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,48, Local-gov,273402, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,40, United-States +<=50K,56, Private,201344, Some-college,10, Widowed, Craft-repair, Unmarried, White, Female,0,0,38, United-States +<=50K,47, Self-emp-not-inc,218676, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,55, Self-emp-not-inc,141807, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,222434, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,47, Private,266860, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,40, Private,34113, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Male,6849,0,43, United-States +<=50K,41, Private,159549, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,195248, Some-college,10, Never-married, Sales, Own-child, Other, Female,0,0,20, United-States +<=50K,52, Private,109413, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,62, Private,195343, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Male,15020,0,50, United-States +>50K,46, Private,185291, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,21, ?,140012, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,35, Self-emp-not-inc,114366, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,169631, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,163870, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,3908,0,40, United-States +<=50K,35, Private,312232, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Private,229737, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, India +<=50K,70, ?,306563, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,35, Private,161637, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,40, Taiwan +<=50K,34, Private,106014, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,25265, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, Private,71860, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,41, Self-emp-inc,94113, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Self-emp-not-inc,208003, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,113550, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,83046, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Self-emp-inc,277488, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,65, United-States +<=50K,19, Private,205830, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, El-Salvador +>50K,46, Private,273575, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,15024,0,40, United-States +<=50K,23, Private,245147, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,49, Private,274720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,58, Self-emp-not-inc,163047, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,41, State-gov,47902, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +>50K,50, Private,128798, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,77, Private,154205, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,10, United-States +<=50K,27, Private,176683, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,29, Self-emp-inc,104737, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,54, Private,349340, Preschool,1, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,39, State-gov,218249, Some-college,10, Separated, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +<=50K,32, Private,281540, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,36, Federal-gov,112847, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,24, Local-gov,126613, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,50, Self-emp-not-inc,145419, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,45, United-States +<=50K,32, Self-emp-not-inc,34572, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, Private,104045, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, ?,57665, Bachelors,13, Divorced, ?, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,359001, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,47, Private,105273, Bachelors,13, Widowed, Craft-repair, Unmarried, Black, Female,6497,0,40, United-States +>50K,31, Private,201122, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,160035, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,50, Private,167886, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,32059, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-inc,200453, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,403072, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,37210, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,50, United-States +<=50K,32, Private,199416, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,413227, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,29, ?,188675, Some-college,10, Divorced, ?, Own-child, Black, Male,0,0,40, United-States +>50K,42, Private,226902, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,195189, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,116608, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,99131, Masters,14, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Private,553405, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,50, United-States +>50K,52, Local-gov,186117, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,29, State-gov,67053, HS-grad,9, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Thailand +>50K,39, Private,347960, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,14084,0,35, United-States +<=50K,39, Private,325374, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,69, Private,130413, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,2346,0,15, United-States +<=50K,43, Private,111949, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,39, Private,278557, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1628,48, United-States +<=50K,19, Private,194905, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,60, Local-gov,195453, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Private,282549, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,3137,0,40, United-States +<=50K,75, Private,316119, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,8, United-States +<=50K,37, State-gov,252939, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, Black, Female,5455,0,40, United-States +<=50K,24, State-gov,506329, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,20, Private,316043, 11th,7, Never-married, Other-service, Own-child, Black, Male,594,0,20, United-States +<=50K,58, Federal-gov,319733, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,21, State-gov,99199, Masters,14, Never-married, Transport-moving, Own-child, White, Male,0,0,15, United-States +<=50K,28, Private,204600, HS-grad,9, Separated, Protective-serv, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,173307, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,34446, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,40, Self-emp-not-inc,237293, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,41, Private,175642, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Private,203735, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,44, Local-gov,171589, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,26, Private,197967, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,29, Private,413297, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,45, Mexico +<=50K,45, Private,240841, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,152189, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,85874, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,176814, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,51, Local-gov,133336, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,22, Private,362623, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,37170, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,28, Private,30912, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,35448, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,33, Private,173248, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,35, United-States +<=50K,37, Private,49626, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,43, United-States +<=50K,19, Private,102723, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,90, ?,166343, 1st-4th,2, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,168322, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,131117, 7th-8th,4, Divorced, Tech-support, Unmarried, White, Female,0,0,38, Columbia +<=50K,20, ?,210474, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,110138, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,107452, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,160594, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,32, Local-gov,186784, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013,0,45, United-States +<=50K,70, Local-gov,334666, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,12, United-States +>50K,65, ?,191380, 10th,6, Married-civ-spouse, ?, Husband, White, Male,9386,0,50, United-States +<=50K,57, Private,104272, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,19491, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,128715, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,128063, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,26, Self-emp-not-inc,37023, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,78, United-States +<=50K,44, Private,68748, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,66, Private,140576, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,327435, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,31, Private,202729, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,53, Private,277471, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,189670, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, United-States +<=50K,61, Private,204908, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Private,171841, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,78247, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,68895, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, Mexico +<=50K,27, Private,56658, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,8, United-States +<=50K,58, Local-gov,259216, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, State-gov,270278, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,12, Puerto-Rico +<=50K,56, Private,238806, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,26, United-States +>50K,36, Private,111128, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,29, Private,119429, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,28, Private,73037, 10th,6, Never-married, Transport-moving, Unmarried, White, Male,0,0,30, United-States +>50K,61, Self-emp-not-inc,84409, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,66, Self-emp-not-inc,274451, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +>50K,31, Private,246439, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7298,0,50, United-States +<=50K,21, Private,124242, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,67, Self-emp-not-inc,123393, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,6418,0,58, United-States +<=50K,26, Private,159732, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,161415, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,33, Private,157568, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,168030, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +>50K,59, State-gov,349910, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,50, United-States +<=50K,82, Self-emp-inc,130329, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,34, State-gov,56964, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,29, Private,370509, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, France +<=50K,19, Private,106306, Some-college,10, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,56480, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,1, United-States +>50K,41, Private,115932, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,55, Private,154580, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,2580,0,40, United-States +<=50K,27, Private,404421, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Private,194901, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,43, State-gov,164790, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,50, United-States +<=50K,72, Federal-gov,94242, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,16, United-States +<=50K,68, Self-emp-not-inc,365020, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,160512, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,170331, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,30, Private,101266, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,31, Private,100252, Bachelors,13, Divorced, Other-service, Not-in-family, Asian-Pac-Islander, Male,99999,0,70, United-States +<=50K,54, Private,217718, 5th-6th,3, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,30, Haiti +>50K,32, Private,170154, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Female,25236,0,50, United-States +<=50K,56, Private,105281, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,1974,40, United-States +>50K,39, ?,361838, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,6, United-States +>50K,41, State-gov,283917, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,48, Private,39530, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,212185, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,48, United-States +<=50K,25, Self-emp-inc,90752, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,202450, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1573,40, United-States +<=50K,32, Private,168138, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,2597,0,48, United-States +>50K,51, Private,159755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,42, Private,191765, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,2339,40, Trinadad&Tobago +<=50K,22, ?,210802, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,35, United-States +>50K,31, Private,340880, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,43, Self-emp-not-inc,113211, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,134509, Some-college,10, Never-married, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, State-gov,147280, HS-grad,9, Never-married, Other-service, Other-relative, Other, Male,0,0,40, United-States +>50K,40, Private,145441, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,398001, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +>50K,53, Private,31588, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +>50K,56, Private,189975, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,60, United-States +>50K,51, State-gov,231495, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,38, ?,121135, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,44, Private,186916, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,49, Self-emp-inc,213140, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +>50K,47, Private,176893, HS-grad,9, Divorced, Craft-repair, Not-in-family, Black, Male,8614,0,44, United-States +<=50K,22, Private,115244, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,53, Private,313243, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,2444,45, United-States +<=50K,41, Local-gov,169995, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,20, United-States +<=50K,19, Private,198459, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,2001,40, United-States +<=50K,27, Local-gov,66824, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,3325,0,43, United-States +>50K,48, Self-emp-not-inc,52240, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,52, Private,35305, 7th-8th,4, Never-married, Other-service, Own-child, White, Female,0,0,7, United-States +>50K,61, State-gov,186451, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,45, Self-emp-not-inc,160724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,29, Private,210464, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,207685, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,21, United-States +<=50K,38, Private,233717, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Male,0,0,60, United-States +>50K,32, Private,222205, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,167613, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,148773, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,68268, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,174533, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,43, Private,273230, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,187502, HS-grad,9, Never-married, Sales, Own-child, Black, Male,0,0,24, United-States +<=50K,47, Private,209320, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,56841, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,55, Private,254627, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,42703, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Private,374137, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,196385, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,192930, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,10, United-States +>50K,39, Private,99527, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,185437, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Female,0,0,55, United-States +<=50K,43, Private,247162, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,131534, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,184693, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, Mexico +<=50K,27, Private,704108, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,220262, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,95654, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,60, United-States +>50K,67, Private,89346, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,94392, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,334113, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,32763, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,31, Private,136651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,51, Self-emp-not-inc,240236, Assoc-acdm,12, Separated, Sales, Not-in-family, Black, Male,0,0,30, United-States +>50K,29, Private,53271, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,31493, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,195891, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,31, Local-gov,209103, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3464,0,45, United-States +>50K,26, Private,211424, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,84657, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,151408, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,106819, 7th-8th,4, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,19, United-States +<=50K,62, Private,132917, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,20, United-States +<=50K,54, Private,146834, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,164332, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,16, United-States +<=50K,24, Private,30656, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,20, United-States +<=50K,27, Private,113501, Masters,14, Never-married, Adm-clerical, Own-child, White, Male,0,0,45, United-States +<=50K,18, Private,165316, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,22, Private,233955, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,14344,0,40, United-States +<=50K,21, Private,126613, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Self-emp-not-inc,361280, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,80, Philippines +>50K,50, ?,123044, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,38, Private,165472, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,39, Private,99452, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,84977, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,240458, 11th,7, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,230858, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,60, United-States +<=50K,60, Private,123218, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,62, ?,191118, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,7298,0,40, United-States +<=50K,38, Private,115289, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,373895, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,43, Private,152617, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,49, State-gov,72619, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,17, Private,41865, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,190228, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,23, Private,193090, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,38, United-States +>50K,28, Private,138692, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,83, Self-emp-inc,153183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,55, United-States +<=50K,25, Private,181896, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,268183, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,60, United-States +<=50K,46, Local-gov,213668, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,99369, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Other, Female,0,0,50, United-States +>50K,44, Private,104196, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,60, Self-emp-not-inc,176839, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,30, Local-gov,99502, Assoc-voc,11, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,24, Private,183410, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,17, United-States +<=50K,17, Private,25690, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,76, ?,201986, 11th,7, Widowed, ?, Other-relative, White, Female,0,0,16, United-States +<=50K,31, Private,188961, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +>50K,52, Private,114971, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,121468, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,35, United-States +>50K,73, Self-emp-inc,191540, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,146398, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,24, United-States +<=50K,48, Private,193553, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,20, United-States +<=50K,60, Private,121127, 10th,6, Widowed, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,389856, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,290504, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +>50K,54, State-gov,137065, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Local-gov,212685, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,20, Private,71475, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,111450, Some-college,10, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,22, United-States +>50K,35, Private,225860, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,129853, 10th,6, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,50, Private,99925, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,32, United-States +<=50K,58, Private,227800, 1st-4th,2, Separated, Farming-fishing, Not-in-family, Black, Male,0,0,50, United-States +<=50K,55, State-gov,111130, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,29, Private,100764, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,275095, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,147500, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,63, Local-gov,150079, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,27, Private,140863, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,62, ?,199198, 11th,7, Divorced, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,193372, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,196771, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,65, United-States +<=50K,31, Private,231826, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,52, Mexico +<=50K,40, Federal-gov,196456, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,34037, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,52, Private,174964, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,46, Private,91608, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,403468, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,50, Mexico +<=50K,33, Private,112900, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Private,242670, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,52, Local-gov,187830, HS-grad,9, Divorced, Tech-support, Unmarried, White, Male,4934,0,36, United-States +>50K,25, Self-emp-not-inc,368115, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,35, United-States +>50K,54, Private,343242, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,113390, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1740,60, United-States +<=50K,28, Private,200733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,236769, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,22494, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Federal-gov,129379, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,239098, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,167501, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,35, Private,77146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,47, Private,82797, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,33, Self-emp-not-inc,134886, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,40, Self-emp-inc,218558, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,38, Private,207568, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,26, Private,196899, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, Other, Female,0,0,40, United-States +>50K,54, Self-emp-not-inc,200960, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,188069, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,60, Private,232337, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,98656, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, State-gov,194260, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,49, ?,481987, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,234976, 11th,7, Never-married, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,29, Private,349116, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,39, Private,175390, HS-grad,9, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,42, Private,187720, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, ? +<=50K,26, Private,214637, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,27, Private,185127, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,98752, 9th,5, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Local-gov,218382, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,51, Private,153486, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,51, Federal-gov,174102, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,137142, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,241013, 7th-8th,4, Widowed, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +<=50K,35, Private,267798, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,41, ?,152880, HS-grad,9, Divorced, ?, Not-in-family, Black, Female,0,0,28, United-States +>50K,31, Private,263561, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,43, Private,113324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,20, Private,39764, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,172186, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,460408, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1672,45, United-States +>50K,42, Self-emp-not-inc,185129, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,51, Private,61270, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,39, Self-emp-inc,124685, Masters,14, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,99, Japan +<=50K,69, Self-emp-not-inc,76968, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +>50K,63, ?,310396, 9th,5, Married-civ-spouse, ?, Husband, White, Male,5178,0,40, United-States +<=50K,29, Federal-gov,37933, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,2174,0,40, United-States +<=50K,21, Private,38772, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,172496, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,55, United-States +<=50K,55, Private,306164, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,33795, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,48, Private,47686, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,193132, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,42, United-States +>50K,52, Private,400004, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,101283, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,192384, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,113838, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,47, Private,278322, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,56, Private,199713, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,236021, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138938, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,126946, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Private,44791, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,31964, 9th,5, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,60, State-gov,352156, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,70, Self-emp-not-inc,205860, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,113106, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,57, Private,89182, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,250782, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,37, Private,193855, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,50, United-States +>50K,50, Self-emp-not-inc,132716, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +>50K,68, Private,218637, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2377,55, United-States +<=50K,28, Private,177955, 11th,7, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +<=50K,32, Private,198660, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,207937, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,10520,0,50, United-States +<=50K,18, Private,168740, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,45, Private,199625, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,22, Private,213902, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +<=50K,38, Private,208379, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,8, United-States +<=50K,37, Private,113120, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,57827, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,59, Private,515712, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,54190, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,53, Self-emp-inc,134793, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,18, Private,396270, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,25, United-States +<=50K,30, Private,231620, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, Mexico +>50K,50, Private,174655, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,63, ?,97823, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,344480, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,4064,0,40, United-States +<=50K,48, Private,176732, 9th,5, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,143932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,551962, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,50, Peru +<=50K,30, ?,298577, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,30, United-States +>50K,39, Private,257942, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,55, Local-gov,253062, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,193748, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +>50K,46, Private,368561, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,192964, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,65, United-States +<=50K,32, Private,217304, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Male,0,0,30, United-States +<=50K,18, Private,120029, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,62124, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,50, Private,94885, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,192565, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, Local-gov,220912, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,26, Private,184120, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,46, Private,140782, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,43, Self-emp-inc,170785, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,32, Private,90705, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,37, State-gov,108293, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +>50K,48, Private,168283, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,339372, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1408,40, United-States +<=50K,43, Private,193672, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Local-gov,143865, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,30, Private,209317, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, Dominican-Republic +>50K,34, State-gov,204461, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,137088, HS-grad,9, Married-civ-spouse, Craft-repair, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,41, Private,149102, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,53, Private,182855, 10th,6, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +<=50K,42, Private,572751, Preschool,1, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Nicaragua +<=50K,18, Private,83451, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,81, Private,98116, Bachelors,13, Widowed, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,119225, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,134888, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,745817, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,15, United-States +<=50K,41, Private,88368, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,49, State-gov,122066, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,363219, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,46, Private,84402, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,56, Private,34626, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,1980,40, United-States +>50K,35, Private,150042, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,48014, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,29, Local-gov,177398, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Private,373698, 12th,8, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +<=50K,35, Private,422933, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,37, United-States +<=50K,29, Private,131088, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,178255, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, Columbia +>50K,52, Self-emp-not-inc,129311, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,95, United-States +<=50K,45, Private,473171, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,236985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,35, ?,226379, HS-grad,9, Married-civ-spouse, ?, Other-relative, White, Female,0,0,25, United-States +<=50K,21, ?,277700, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,207568, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,85708, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,98765, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Canada +<=50K,29, Private,192283, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,29, State-gov,271012, 10th,6, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Private,189265, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,321880, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,15, United-States +<=50K,52, Private,177465, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,24, Private,127647, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,32, State-gov,119033, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,289748, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,4650,0,48, United-States +<=50K,32, Private,209317, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Male,0,0,40, ? +<=50K,33, Private,284531, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,251120, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,28, Private,113870, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,62, Without-pay,170114, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,46, Local-gov,121124, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,40, United-States +<=50K,32, Private,328199, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,0,64, United-States +>50K,26, Private,206307, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Self-emp-inc,236021, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,57, Federal-gov,170603, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,52, Private,74275, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,45, United-States +>50K,35, Self-emp-not-inc,112271, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,118306, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,49, Private,126754, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,47, Private,267205, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, ? +<=50K,38, Private,205359, 11th,7, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,32, United-States +<=50K,30, Private,398662, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,202498, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Columbia +>50K,32, Private,105650, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,46, Private,191204, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,56582, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Local-gov,51579, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +>50K,57, Self-emp-not-inc,152030, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +<=50K,47, Private,227310, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,55854, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,36, Local-gov,28996, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,160634, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,222450, 11th,7, Married-spouse-absent, Other-service, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,36, Self-emp-inc,180419, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,116084, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,40, United-States +<=50K,17, Private,202521, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +<=50K,23, Private,186014, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,40, Private,88368, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,914,0,40, United-States +>50K,42, State-gov,190044, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,37, Self-emp-not-inc,35330, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,35, Federal-gov,84848, Some-college,10, Never-married, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,176280, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,145271, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,37, Local-gov,108320, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,48, State-gov,106377, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,258730, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,40, Japan +<=50K,33, Private,58305, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,341672, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,34, Private,176648, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,42, United-States +<=50K,24, ?,32616, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,481175, Some-college,10, Never-married, Exec-managerial, Own-child, Other, Male,0,0,24, Peru +>50K,49, Private,187454, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,65, United-States +<=50K,18, Private,25837, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,20, Private,385077, 12th,8, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,68985, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,19, Private,181572, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,23698, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,34, ?,268127, 12th,8, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,162298, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,144608, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,250630, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,31, Private,150441, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,37, Private,189251, Doctorate,16, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,64, Private,260082, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Columbia +>50K,42, Private,139126, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,50132, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,36, Self-emp-not-inc,167691, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,36, Private,77820, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,156513, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,46, Private,248059, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3464,0,40, United-States +<=50K,24, Private,283092, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,35, Jamaica +<=50K,22, Private,175883, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,62, Private,232308, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,269991, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Puerto-Rico +<=50K,20, Private,305446, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,120781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,15024,0,40, ? +<=50K,57, Private,78707, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,351802, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,35, United-States +>50K,37, Local-gov,196529, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +>50K,35, Self-emp-inc,175769, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,17, Private,153021, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,36, Local-gov,331902, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,50, Private,279461, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,145704, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,3942,0,35, United-States +<=50K,27, State-gov,205499, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,77, United-States +<=50K,28, Private,293926, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,30, United-States +>50K,29, Self-emp-not-inc,69132, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,99999,0,60, United-States +<=50K,25, Private,113099, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,206947, Assoc-acdm,12, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,67, United-States +>50K,29, State-gov,159782, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,19, Private,410543, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, Private,34446, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, Private,209101, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,43, Federal-gov,95902, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,214323, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,236323, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +>50K,45, Federal-gov,201127, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,56, United-States +<=50K,40, Private,142886, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,77313, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,17, ?,212125, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,36, Private,187098, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,196857, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,53, Local-gov,155314, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,72, Self-emp-not-inc,203289, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Private,117059, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,33, Private,178587, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,37, United-States +<=50K,22, Private,82393, 9th,5, Never-married, Handlers-cleaners, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,17, ?,145258, 11th,7, Never-married, ?, Other-relative, White, Female,0,0,25, United-States +>50K,41, Private,185145, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, ? +<=50K,46, Private,72896, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,43, United-States +<=50K,33, Private,134886, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,223212, Preschool,1, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,52, Self-emp-not-inc,174752, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,230563, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,48, State-gov,353824, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +<=50K,22, Private,117363, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,285367, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, ?,139391, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,42, United-States +<=50K,38, Private,198170, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,38948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,188515, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,177810, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +>50K,48, Private,188432, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,46, United-States +<=50K,31, Private,178506, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,129298, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,165315, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,37, United-States +>50K,68, Private,117236, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,45, United-States +<=50K,18, ?,172214, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,19, Private,63434, 12th,8, Never-married, Farming-fishing, Own-child, White, Female,0,0,30, United-States +<=50K,35, Self-emp-inc,140854, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,133043, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,53, Private,113176, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,2597,0,40, United-States +<=50K,33, Private,259301, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,41, United-States +<=50K,20, Private,196643, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,364365, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,36, Private,269318, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,108454, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,171637, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,183589, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,24, Private,107801, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,34, Private,179877, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,168981, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +>50K,37, Private,120590, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,310773, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, Mexico +<=50K,21, Private,197050, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,47, Private,159726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,85, United-States +<=50K,23, Private,210797, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,55291, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, ?,141221, Bachelors,13, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,2163,25, South +<=50K,17, Private,276718, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,67, Private,336163, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,24, United-States +>50K,57, Private,112840, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,17, Private,165918, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, Peru +<=50K,53, Private,165745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,25, Self-emp-not-inc,259299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,50, United-States +>50K,24, State-gov,197731, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,49, United-States +<=50K,48, Self-emp-not-inc,197702, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,51, Private,162238, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,47, United-States +<=50K,38, Private,213260, HS-grad,9, Separated, Protective-serv, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Private,53833, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,18, Private,89419, HS-grad,9, Never-married, Tech-support, Own-child, White, Female,0,0,10, United-States +<=50K,23, Private,119704, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,433170, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,182714, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, ? +<=50K,39, Private,172538, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,20, ?,220115, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,12, United-States +<=50K,39, Private,158956, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Self-emp-not-inc,25631, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,476558, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,54, Federal-gov,35576, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,203463, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, State-gov,317647, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,170411, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,174182, 11th,7, Married-civ-spouse, ?, Wife, Other, Female,0,0,24, United-States +<=50K,54, Private,220055, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,54, Private,231482, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,335979, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,991,0,18, United-States +<=50K,33, Private,279173, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,89559, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,161950, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,25, Germany +<=50K,51, Private,131068, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,219632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,175507, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,58, Self-emp-inc,182062, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,24, United-States +<=50K,27, Private,287476, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,3325,0,40, United-States +<=50K,36, Private,206253, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,1617,40, United-States +<=50K,20, ?,189203, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,21698, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,328051, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,32, Private,356689, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,3887,0,40, United-States +<=50K,59, Private,121865, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,45, Self-emp-not-inc,420986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,43, ?,218558, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,54, Private,288992, 10th,6, Divorced, Prof-specialty, Unmarried, White, Male,14344,0,68, United-States +<=50K,20, ?,189740, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,32, United-States +<=50K,29, Local-gov,188909, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,42, United-States +<=50K,28, Private,213081, 11th,7, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, Jamaica +<=50K,18, Self-emp-not-inc,157131, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,98010, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,207677, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,58, ?,361870, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +<=50K,56, Private,266091, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,41, Private,106627, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,50, United-States +>50K,50, Self-emp-inc,167793, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,60, United-States +<=50K,74, Self-emp-not-inc,206682, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1648,35, United-States +<=50K,30, Private,243165, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,201928, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,19, Private,128346, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,29, Private,197288, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,20, ?,169184, Some-college,10, Never-married, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,36, Private,245521, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, Mexico +<=50K,36, Private,129591, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Local-gov,47415, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1628,30, United-States +>50K,37, Self-emp-not-inc,188563, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +<=50K,29, Self-emp-not-inc,184710, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,63734, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,18, Private,111256, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,40, Self-emp-inc,111483, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,26, Self-emp-inc,266639, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,93853, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,184207, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,238002, 9th,5, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, Mexico +<=50K,28, ?,30237, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,196545, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,47, Private,144844, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,280500, Some-college,10, Never-married, Tech-support, Own-child, Black, Female,0,0,40, United-States +<=50K,73, ?,135601, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,37, Private,409189, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, Mexico +>50K,50, Private,23686, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,35, United-States +<=50K,19, Private,229756, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,32, Local-gov,95530, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,44, Local-gov,73199, Assoc-voc,11, Divorced, Tech-support, Unmarried, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, Private,196745, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,29, Private,79481, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,116934, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,100950, Assoc-voc,11, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, Germany +<=50K,44, Local-gov,56651, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,18, Private,186954, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,22, Private,264874, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +>50K,39, State-gov,183092, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Local-gov,273399, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, Peru +<=50K,29, ?,142443, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,21, Private,177526, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,49, Local-gov,31267, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,321666, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,331861, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, ? +<=50K,25, Private,283515, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,60, United-States +<=50K,30, Private,54608, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,162238, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,30, Private,175931, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,236804, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,168782, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,227065, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,285335, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,259705, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,40, United-States +<=50K,57, Private,24384, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,10, United-States +<=50K,58, Private,322013, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,49797, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,52566, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,266275, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,72, Self-emp-not-inc,285408, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2246,28, United-States +<=50K,26, Self-emp-not-inc,177858, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,1876,38, United-States +<=50K,45, Federal-gov,183804, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,48, Private,107231, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,23, Private,173679, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Local-gov,163965, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,18, Private,173585, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, Peru +<=50K,27, Private,172009, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,44363, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +<=50K,45, Private,246392, HS-grad,9, Never-married, Priv-house-serv, Unmarried, Black, Female,0,0,30, United-States +<=50K,53, Private,167033, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,54, Private,143822, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,41, Private,37869, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,23, Private,447488, 9th,5, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,35, Mexico +<=50K,17, Private,239346, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,42, Private,245975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,34632, 12th,8, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Private,121362, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,2258,38, United-States +<=50K,21, State-gov,24008, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +>50K,44, Private,165492, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,326048, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Male,0,0,44, United-States +<=50K,46, Private,250821, Prof-school,15, Divorced, Farming-fishing, Unmarried, White, Male,0,0,48, United-States +<=50K,37, Self-emp-not-inc,154641, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,86, United-States +<=50K,35, Private,198202, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,54, United-States +<=50K,27, Local-gov,170504, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,191342, Some-college,10, Never-married, Sales, Not-in-family, Other, Male,0,0,40, India +<=50K,19, Private,238969, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +>50K,63, Self-emp-not-inc,344128, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,69, ?,148694, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,69, ?,180187, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,6, Italy +<=50K,36, State-gov,168894, Assoc-voc,11, Married-spouse-absent, Protective-serv, Own-child, White, Female,0,0,40, Germany +<=50K,20, Private,203263, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,28, State-gov,89564, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,50, United-States +<=50K,58, Private,97562, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,38, United-States +<=50K,48, Private,336540, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,139647, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,56, United-States +<=50K,38, Private,160192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,44, United-States +<=50K,50, Local-gov,320386, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,32126, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,275445, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,38, Self-emp-inc,54953, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,54, Private,103580, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,42, Private,245565, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,12, England +<=50K,32, Private,39223, 10th,6, Separated, Craft-repair, Unmarried, Black, Female,0,0,40, ? +>50K,55, State-gov,117357, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,70, ? +<=50K,63, Private,207385, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,21, Private,355287, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, Mexico +>50K,62, ?,141218, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,46, Local-gov,207677, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,102114, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,60269, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,278632, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,355551, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Female,0,0,45, Mexico +>50K,45, Private,246891, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,72, Canada +<=50K,19, Private,124486, 12th,8, Never-married, Other-service, Own-child, White, Male,0,1602,20, United-States +>50K,61, ?,202106, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1902,40, United-States +<=50K,61, Private,191417, 9th,5, Widowed, Exec-managerial, Not-in-family, Black, Male,0,0,65, United-States +<=50K,21, Private,184543, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,122206, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,38, Private,229015, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,28, Private,130067, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,40, Local-gov,306495, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,232855, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Local-gov,171328, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,64, Private,144182, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,23, United-States +<=50K,34, Private,102858, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,19, ?,199495, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,60, United-States +<=50K,58, Private,209438, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,74895, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,55, United-States +<=50K,44, Private,184378, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,446512, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Federal-gov,113688, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,39, Private,333305, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,19, Private,118535, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,18, United-States +<=50K,56, Private,76142, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Local-gov,38795, 9th,5, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,208478, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,18, ? +<=50K,69, Private,203313, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,991,0,18, United-States +>50K,62, Private,247483, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,62, State-gov,198686, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,56118, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,359808, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,231554, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,50, United-States +<=50K,33, Private,34848, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,34, Private,199934, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,7298,0,40, United-States +<=50K,29, Private,196243, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,65, Self-emp-inc,66360, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,6418,0,35, United-States +<=50K,18, Private,189487, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,22, Private,194848, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,30, Private,167309, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,40, United-States +>50K,44, Private,192878, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,70209, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,52, Federal-gov,123011, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Self-emp-not-inc,135339, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,20, China +<=50K,48, Federal-gov,497486, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +<=50K,25, Private,178478, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,41, Private,149909, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,37, Private,103323, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,239404, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,45, United-States +<=50K,67, Private,165082, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,36, Private,389725, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, Private,374580, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,52, United-States +<=50K,36, ?,187983, HS-grad,9, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,259300, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,16, United-States +<=50K,19, Private,277695, 9th,5, Never-married, Farming-fishing, Other-relative, White, Male,0,0,16, Mexico +<=50K,24, Private,230248, 7th-8th,4, Separated, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,196342, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,17, Private,160968, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,16, United-States +<=50K,28, Private,115438, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,34, Private,231043, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,3908,0,45, United-States +<=50K,35, Private,129597, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,46, United-States +<=50K,24, Local-gov,387108, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,43, Private,105936, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,20, Private,107242, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, ? +>50K,55, Private,125000, Masters,14, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,229456, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,35, United-States +<=50K,20, Private,230113, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,44, Private,106698, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,133454, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,295520, 9th,5, Widowed, Sales, Unmarried, Black, Female,0,0,25, United-States +<=50K,26, Private,151551, Some-college,10, Separated, Sales, Own-child, Amer-Indian-Eskimo, Male,2597,0,48, United-States +>50K,58, Private,100313, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,40, United-States +<=50K,23, Private,320294, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,162381, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,183898, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,2354,0,40, United-States +<=50K,41, Self-emp-inc,32016, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,62, United-States +<=50K,31, Private,117028, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,280278, HS-grad,9, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,57, Private,342906, 9th,5, Married-civ-spouse, Sales, Husband, Black, Male,0,0,55, United-States +<=50K,25, Private,181598, 11th,7, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,224059, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,148549, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,97355, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,37, Private,154571, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,43, Self-emp-inc,140988, Bachelors,13, Married-civ-spouse, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,45, India +<=50K,20, Private,148409, Some-college,10, Never-married, Sales, Other-relative, White, Male,1055,0,20, United-States +>50K,40, Local-gov,150755, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,75, United-States +<=50K,27, Private,87006, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1579,40, United-States +<=50K,35, Private,112158, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,121488, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, State-gov,283635, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,69758, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,40, Private,199900, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,55, United-States +<=50K,54, Private,88019, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,28, Private,31935, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Private,323055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Private,189498, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,52, Private,89041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,112507, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,236940, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,278514, HS-grad,9, Divorced, Craft-repair, Own-child, White, Female,0,0,42, United-States +<=50K,21, ?,433330, Some-college,10, Never-married, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,258379, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,44, Private,162028, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,44, United-States +<=50K,20, Private,197997, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,98350, 10th,6, Married-spouse-absent, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,37, China +<=50K,39, Private,165848, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,178615, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,228939, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,27, Private,210498, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,53, Private,154891, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,165937, Assoc-voc,11, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,23, ?,138768, Bachelors,13, Never-married, ?, Own-child, White, Male,2907,0,40, United-States +<=50K,39, Private,160120, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,30, Private,382368, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,53, Private,123011, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,119033, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,496856, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,194049, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,30, Private,299223, Some-college,10, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,66, Private,174788, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,39, Private,176101, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,37, Private,38948, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,271933, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,122041, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,20, United-States +>50K,43, Private,115932, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,46, Private,265105, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,100828, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,60, Private,121319, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3137,0,40, Poland +<=50K,63, Private,308028, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,5013,0,40, United-States +<=50K,42, Private,213214, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,348618, 9th,5, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,33, Private,275632, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,239161, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,20, Private,215495, 9th,5, Never-married, Exec-managerial, Other-relative, White, Female,0,0,40, Mexico +<=50K,30, Private,214063, Some-college,10, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,72, United-States +<=50K,37, Private,122493, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,33, ?,211699, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +>50K,49, Self-emp-not-inc,175622, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,153522, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,17, United-States +>50K,35, Private,258339, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,119793, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,133503, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1977,45, United-States +<=50K,18, Private,162840, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,41, Local-gov,67671, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,188888, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1340,40, United-States +<=50K,45, Private,140644, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,126154, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,245659, Some-college,10, Separated, Other-service, Unmarried, White, Female,0,0,38, El-Salvador +<=50K,28, Private,129624, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, ? +<=50K,47, Private,104068, HS-grad,9, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,30, Private,337908, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,20, United-States +<=50K,36, Private,161141, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,162228, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,116391, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,314310, HS-grad,9, Married-spouse-absent, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,61, ?,394534, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,6, United-States +<=50K,29, Private,308136, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,194698, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,67793, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,60, United-States +>50K,29, Local-gov,302422, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,1564,56, United-States +<=50K,27, Private,289147, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,229826, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, United-States +<=50K,22, ?,154235, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,3781,0,35, United-States +>50K,49, Self-emp-inc,246739, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,188041, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,47, Private,187440, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,37, Local-gov,105266, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, Private,249208, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,48, United-States +<=50K,26, Private,203492, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,71076, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,55, Federal-gov,146477, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,47, Private,201699, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,59, Private,205949, HS-grad,9, Separated, Craft-repair, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,70, Private,90245, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,5, United-States +>50K,53, Federal-gov,177647, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, France +<=50K,39, Private,126494, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,257735, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,1161363, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,50, Columbia +<=50K,19, ?,257343, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,221452, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,74, Private,260669, 10th,6, Divorced, Other-service, Not-in-family, White, Female,0,0,1, United-States +>50K,40, Private,192344, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,80479, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,108808, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,41, Private,175674, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,272950, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Self-emp-not-inc,160786, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,46, Self-emp-not-inc,122206, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,121168, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,209547, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,29, Federal-gov,244473, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +<=50K,39, Private,176296, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,60, United-States +<=50K,31, Private,91666, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,50, Local-gov,191025, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,4650,0,70, United-States +<=50K,31, State-gov,63704, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,31659, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,191230, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,25, United-States +<=50K,28, Private,56340, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, Private,221157, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,57, Local-gov,143910, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Local-gov,435836, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,61499, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,209182, Preschool,1, Separated, Other-service, Unmarried, White, Female,0,0,40, El-Salvador +<=50K,36, Self-emp-inc,107218, Some-college,10, Divorced, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,51, Private,55500, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,357962, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, White, Male,0,0,48, United-States +>50K,43, Private,200355, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,320451, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,51, Local-gov,184542, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, State-gov,206927, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,54310, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,35, Private,208165, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,40, Private,146908, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,39, Private,318416, 10th,6, Separated, Other-service, Own-child, Black, Female,0,0,12, United-States +<=50K,47, Self-emp-inc,207540, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,23, Private,69911, Preschool,1, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,305304, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,295289, HS-grad,9, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,275110, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,42, United-States +<=50K,30, Private,339773, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,57, State-gov,399246, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,1485,40, China +>50K,37, Self-emp-inc,51264, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,49020, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3103,0,48, United-States +>50K,37, Private,178100, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, ?,215943, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,176178, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,25, State-gov,180884, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,61, State-gov,130466, HS-grad,9, Widowed, Adm-clerical, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,59, Private,328525, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,2414,0,15, United-States +<=50K,28, Private,142712, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,176321, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,47, Private,145041, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Cuba +<=50K,29, Private,95423, HS-grad,9, Married-AF-spouse, Transport-moving, Husband, White, Male,0,0,80, United-States +<=50K,49, Self-emp-not-inc,215096, 9th,5, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Local-gov,177599, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,33, Private,123920, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,20, ?,201490, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,40, Private,46990, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,20, United-States +<=50K,32, Private,388672, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,16, United-States +>50K,48, Private,149210, Bachelors,13, Divorced, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,24, Private,134787, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,185407, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +<=50K,31, State-gov,86143, HS-grad,9, Never-married, Protective-serv, Other-relative, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,23, Private,41721, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,195744, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,96062, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,215150, 9th,5, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,52, Private,270728, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,48, Cuba +<=50K,44, Private,75012, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +>50K,43, Private,206139, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,50700, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,33, Private,224258, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +>50K,31, Private,240441, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,1564,40, United-States +>50K,40, Self-emp-not-inc,406811, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,28, Local-gov,34452, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,361341, 12th,8, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Female,0,0,25, Thailand +<=50K,35, Private,78247, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,106900, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,40, Self-emp-not-inc,165108, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, England +<=50K,20, Private,406641, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,55, Private,171467, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Male,0,0,48, United-States +<=50K,30, Private,341187, 7th-8th,4, Separated, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +>50K,38, Private,119177, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,75, Private,104896, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,2653,0,20, United-States +<=50K,17, Private,342752, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,79, ?,76641, Masters,14, Married-civ-spouse, ?, Husband, White, Male,20051,0,40, Poland +<=50K,20, Private,47541, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,233461, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,303954, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,163015, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,21, Private,75763, Some-college,10, Married-civ-spouse, Sales, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,19, Private,43003, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,328239, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,130856, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +>50K,47, Self-emp-not-inc,190072, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Iran +<=50K,59, Private,170148, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +>50K,50, Private,104501, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-inc,213140, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,33, Local-gov,175509, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,173611, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,148995, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,30, United-States +<=50K,24, Private,64520, 7th-8th,4, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,139822, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,258700, 5th-6th,3, Never-married, Farming-fishing, Other-relative, Black, Male,0,0,40, Mexico +<=50K,29, Private,34796, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,124963, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,24, Private,65743, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, Private,161087, Some-college,10, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,45, Jamaica +<=50K,63, ?,424591, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Federal-gov,203836, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,58, State-gov,110199, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,316059, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +>50K,42, Private,255667, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,193689, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,60722, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,39, Private,187847, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,233275, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Private,215404, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,15024,0,40, United-States +<=50K,45, Private,201865, Bachelors,13, Married-spouse-absent, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,45, Private,118889, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,368739, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,123833, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,1408,40, United-States +<=50K,38, Private,171344, 11th,7, Married-spouse-absent, Transport-moving, Own-child, White, Male,0,0,36, Mexico +<=50K,39, Private,153976, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,374883, Assoc-voc,11, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,17, Private,167658, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,6, United-States +<=50K,31, Private,348504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,258509, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,24, United-States +<=50K,47, State-gov,108890, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,1831,0,38, United-States +<=50K,28, Private,188236, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, ?,355571, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,425049, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,142555, Masters,14, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,42, United-States +>50K,42, Self-emp-not-inc,29320, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,0,0,60, United-States +<=50K,52, Federal-gov,207841, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,187329, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,270973, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, Private,197332, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,46, United-States +<=50K,21, ?,175166, Some-college,10, Never-married, ?, Own-child, White, Female,2176,0,40, United-States +<=50K,45, Local-gov,160187, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,197918, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,74, Private,192290, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,20, United-States +<=50K,29, Private,241895, HS-grad,9, Married-civ-spouse, Transport-moving, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Local-gov,164515, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,147206, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,45, United-States +<=50K,23, Self-emp-inc,306868, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Local-gov,169837, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,61, ?,124648, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,185057, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,240049, Preschool,1, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Laos +<=50K,18, Private,164441, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,38, Private,179314, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,319854, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,4650,0,35, United-States +<=50K,19, Self-emp-inc,148955, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,35, South +<=50K,23, Private,32950, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,4101,0,40, United-States +<=50K,37, Private,206699, HS-grad,9, Divorced, Tech-support, Own-child, White, Male,0,0,45, United-States +<=50K,25, Private,385646, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,31438, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,43, ? +>50K,45, Private,168598, 12th,8, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103,0,40, United-States +<=50K,32, Private,97306, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,48, United-States +<=50K,65, ?,106910, 11th,7, Divorced, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,18, Self-emp-not-inc,29582, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,220284, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,40, Mexico +<=50K,29, Private,110226, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,65, ? +<=50K,53, Private,240914, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,33, Private,115496, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,105817, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,24, State-gov,330836, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-not-inc,36327, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,33423, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,45, Private,75673, Assoc-voc,11, Widowed, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,36, Private,185744, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,35, United-States +>50K,36, Private,186035, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,44, Local-gov,196456, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,1669,40, United-States +<=50K,24, Private,111450, HS-grad,9, Never-married, Transport-moving, Unmarried, Black, Male,0,0,40, United-States +<=50K,39, Private,115289, Some-college,10, Divorced, Sales, Own-child, White, Male,0,1380,70, United-States +<=50K,50, Private,74879, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +>50K,38, Private,117312, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States +<=50K,58, Private,272902, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Self-emp-inc,220230, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,48, United-States +<=50K,24, Private,90934, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,55, United-States +>50K,52, Self-emp-inc,234286, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,46, Private,364548, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,8614,0,40, United-States +>50K,50, Self-emp-inc,283676, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,34, Private,195602, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,40, Private,70761, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +<=50K,53, Private,142717, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,124242, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, ?,53481, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,287797, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,188274, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,171968, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,78, ?,74795, Assoc-acdm,12, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,36, Private,218490, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Germany +<=50K,43, Local-gov,94937, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,28, United-States +<=50K,60, Private,109511, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,269527, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +>50K,50, Self-emp-inc,201689, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,63, ? +<=50K,34, Self-emp-not-inc,120672, 7th-8th,4, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,10, United-States +<=50K,46, Private,130779, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,46, Local-gov,441542, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,69, Private,114801, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,32, Private,180284, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,27444, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,180382, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3411,0,45, United-States +>50K,56, Private,143266, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,139268, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,126208, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,37, Private,186191, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,46, United-States +>50K,51, Private,197163, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,2559,50, United-States +>50K,44, State-gov,193524, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,33, Private,181388, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,124963, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,24, Private,188925, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,149230, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,40, Private,388725, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,113543, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,61, ?,187636, Bachelors,13, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Self-emp-inc,267763, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,69, Federal-gov,143849, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,41, Self-emp-not-inc,97277, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,10, United-States +<=50K,40, Private,199303, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,124852, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,50053, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,53, Private,97005, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,90, ?,175444, 7th-8th,4, Separated, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,39, Private,337898, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,51, Federal-gov,124076, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,56, Federal-gov,277420, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,51, Private,280278, 10th,6, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,17, Private,241185, 12th,8, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,42, Private,202188, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,1741,50, United-States +<=50K,42, Private,198422, Some-college,10, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,29, Private,82242, Prof-school,15, Never-married, Prof-specialty, Unmarried, White, Male,27828,0,45, Germany +>50K,33, Private,178429, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,47, Private,185866, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, ? +<=50K,43, Private,212847, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Self-emp-not-inc,219661, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,9, United-States +>50K,40, Private,321856, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,313873, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,31, Private,144064, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,60, Private,139586, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,32, Private,419691, 12th,8, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,212759, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,6767,0,20, United-States +<=50K,27, Private,195562, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,20, United-States +<=50K,40, Private,205706, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,27, Private,131310, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,54440, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,43, Private,200734, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,40, United-States +>50K,52, Private,81859, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,159589, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,85, United-States +<=50K,28, Private,300915, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,44, Private,185057, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Self-emp-not-inc,42044, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,84, United-States +>50K,35, Private,166416, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,212737, 9th,5, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,18, Private,236069, 10th,6, Never-married, Other-service, Own-child, Black, Male,0,0,10, United-States +>50K,46, Self-emp-inc,216414, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,60, United-States +>50K,54, Federal-gov,27432, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,145419, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1672,50, United-States +<=50K,56, Private,147202, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, Germany +<=50K,27, Private,29261, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,26, Private,359543, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,41, Local-gov,227644, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,90021, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +<=50K,32, Private,188154, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,110142, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,186415, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,65, United-States +<=50K,37, Private,175720, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,172865, 5th-6th,3, Never-married, Farming-fishing, Own-child, White, Male,0,0,25, Mexico +<=50K,46, Private,35969, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,51, United-States +<=50K,24, Private,433330, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Self-emp-inc,160261, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Male,0,0,35, Taiwan +<=50K,55, Private,189528, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,64, Local-gov,113324, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Local-gov,118500, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, Private,89681, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,99, United-States +<=50K,46, Federal-gov,199925, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,102308, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,18, Private,444607, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,176998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, ?,94559, Bachelors,13, Married-civ-spouse, ?, Wife, Other, Female,7688,0,50, ? +>50K,34, State-gov,366198, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Germany +<=50K,35, Private,180686, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,40, United-States +<=50K,26, Private,108019, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,3325,0,40, United-States +<=50K,24, Private,153542, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,35, United-States +>50K,45, Self-emp-not-inc,210364, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,80, United-States +<=50K,36, Private,185394, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,34, United-States +<=50K,44, Private,222703, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Nicaragua +<=50K,23, Private,183945, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,57, Private,161964, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,41, Self-emp-not-inc,375574, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, Mexico +<=50K,20, Local-gov,312427, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,30, Puerto-Rico +<=50K,32, Private,53373, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +>50K,60, Private,166330, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,99999,0,40, United-States +<=50K,38, Self-emp-inc,124665, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,20, United-States +<=50K,29, Private,146719, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,45, United-States +<=50K,22, Private,306593, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,156687, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,30, India +<=50K,40, Local-gov,153489, HS-grad,9, Married-civ-spouse, Other-service, Other-relative, White, Male,3137,0,40, United-States +>50K,59, Private,231377, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,45, United-States +<=50K,45, State-gov,127089, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,76, Local-gov,329355, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,13, United-States +>50K,45, Private,178319, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,49, Local-gov,304246, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,70, United-States +>50K,36, Local-gov,174640, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,60, United-States +<=50K,22, Private,148294, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,47, Private,298037, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +<=50K,26, Private,98155, HS-grad,9, Married-AF-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,21, Private,102766, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,78529, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,136309, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,275357, Assoc-voc,11, Never-married, Tech-support, Own-child, White, Female,0,0,25, United-States +<=50K,31, Self-emp-not-inc,33117, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, England +<=50K,57, Local-gov,199546, Masters,14, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, Private,184128, 11th,7, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +>50K,36, Private,337039, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, Black, Male,14344,0,40, England +<=50K,66, Private,126511, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,34, Local-gov,325792, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,80, ?,91901, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,21, Private,119474, HS-grad,9, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,40, Private,153238, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,32, United-States +<=50K,49, Local-gov,321851, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Self-emp-not-inc,108557, Some-college,10, Divorced, Sales, Not-in-family, White, Female,3325,0,60, United-States +<=50K,19, State-gov,67217, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,594,0,24, United-States +<=50K,42, Private,195508, 11th,7, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,59, Private,102193, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,20323, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,122206, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,200652, 9th,5, Divorced, Other-service, Other-relative, White, Female,0,0,35, United-States +<=50K,42, Private,173590, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1628,40, United-States +<=50K,19, Private,184121, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,45, Local-gov,53123, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +>50K,47, Private,175990, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,47, Private,316101, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,34080, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, England +>50K,49, Self-emp-not-inc,219718, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,36, Private,126954, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,99185, HS-grad,9, Widowed, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,21, ?,40052, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,2001,45, United-States +<=50K,39, Private,120074, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Self-emp-not-inc,77336, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,60981, Some-college,10, Never-married, Sales, Own-child, White, Female,2176,0,35, United-States +<=50K,59, Private,77884, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,50, Private,65408, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,31, Private,173279, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,52, ?,318351, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,157686, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,45, Private,277434, Assoc-acdm,12, Widowed, Tech-support, Unmarried, White, Male,0,0,40, United-States +<=50K,54, Local-gov,184620, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,34443, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,25, United-States +>50K,50, Private,268553, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,40, United-States +<=50K,20, ?,41356, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Female,0,0,32, United-States +<=50K,43, Private,459342, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Local-gov,148549, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,254293, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,45, United-States +>50K,54, Private,104501, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,26, Private,238367, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,53, Private,180439, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-inc,100029, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +>50K,54, Private,215990, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,44, United-States +>50K,32, State-gov,111567, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,49, United-States +<=50K,46, Private,319163, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,60, ?,160155, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,52, Local-gov,378045, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,44, Private,177083, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-inc,119891, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1672,40, United-States +<=50K,57, Private,127779, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,299353, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,63861, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,112403, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,35, United-States +>50K,49, Private,83610, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,66, United-States +<=50K,28, Private,452808, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,176871, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,100651, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,1980,40, United-States +<=50K,17, Private,266134, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,54, Local-gov,196307, 10th,6, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,87891, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,54, Private,182314, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,55, ?,136819, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,181666, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Own-child, White, Female,0,0,40, ? +<=50K,37, Private,179671, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,34, Private,27494, HS-grad,9, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,48, United-States +<=50K,38, Private,338320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Canada +<=50K,51, Private,199688, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,96635, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,60, United-States +<=50K,24, Private,165064, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,109856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,33, Private,82393, HS-grad,9, Never-married, Craft-repair, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Private,209538, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,209891, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,50, United-States +<=50K,32, Self-emp-not-inc,56026, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,45, United-States +<=50K,35, Private,210844, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +>50K,43, Private,117158, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,193144, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,36, United-States +<=50K,19, Self-emp-not-inc,137578, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,53, United-States +<=50K,23, Private,234108, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,32, United-States +<=50K,40, Private,155767, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +>50K,59, Private,110820, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,43, Private,403276, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,147269, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, ? +<=50K,53, Private,123092, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,165673, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,68, Self-emp-inc,182131, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,10605,0,20, United-States +>50K,41, Private,204415, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,32, Self-emp-not-inc,92531, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,25, State-gov,157028, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,228649, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,147253, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,33, Private,160784, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,163189, Some-college,10, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,29, Private,146343, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,20, Private,225811, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,23, United-States +>50K,68, State-gov,202699, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2377,42, ? +<=50K,58, Private,374108, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,93930, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,412248, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,30, Private,427474, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,67, State-gov,160158, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,8, United-States +<=50K,26, Private,159603, Assoc-acdm,12, Never-married, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,53, Self-emp-not-inc,101017, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,27, Local-gov,163862, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,29, Without-pay,212588, Some-college,10, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0,0,65, United-States +>50K,38, State-gov,321943, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,317702, 9th,5, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,48, Private,287480, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,135607, Some-college,10, Widowed, Other-service, Unmarried, Black, Female,0,0,40, ? +<=50K,28, Private,168514, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,88642, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,28, Private,227104, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,157289, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, Private,213321, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,294907, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,251411, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,20, Private,183594, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,189565, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,2174,0,50, United-States +<=50K,55, Private,217802, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,25, United-States +<=50K,20, Private,388156, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,24, United-States +<=50K,54, Private,447555, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,204098, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,43, Private,193882, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,55, United-States +<=50K,17, ?,89870, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,48, State-gov,49595, Masters,14, Divorced, Protective-serv, Not-in-family, White, Male,0,0,72, United-States +<=50K,34, Private,228873, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,66, ?,108185, 9th,5, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,176027, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, ?,405374, Some-college,10, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,39606, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,56, Private,178353, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,58, Private,160662, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Self-emp-inc,196328, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, Jamaica +<=50K,45, Private,20534, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,0,41, United-States +<=50K,29, Self-emp-inc,156815, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,360252, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,43, Private,245056, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,33, Local-gov,422718, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,118081, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,3103,0,42, United-States +<=50K,25, Private,262978, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, Private,187577, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, ?,259323, Prof-school,15, Divorced, ?, Not-in-family, White, Male,0,0,5, United-States +<=50K,37, Private,160920, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,194247, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +>50K,39, Private,134367, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,24, United-States +<=50K,17, Private,123335, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,27, Local-gov,332249, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,358124, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,55, Private,208019, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,39, Private,318452, 11th,7, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,207779, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,238376, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,51, Private,673764, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,67, State-gov,239705, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,12, ? +<=50K,40, Private,133974, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,138285, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,23, Private,152140, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,287920, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,51, Private,289572, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,43, State-gov,78765, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,25, State-gov,99076, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,2597,0,50, United-States +<=50K,36, Self-emp-not-inc,224886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,2407,0,40, United-States +<=50K,58, Private,206532, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,129529, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Local-gov,202473, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,162312, HS-grad,9, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,40, South +<=50K,45, Private,72844, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,46, United-States +<=50K,49, Private,206947, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,64112, 12th,8, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, State-gov,20057, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,38, Philippines +<=50K,42, State-gov,222884, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,132683, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,50, United-States +<=50K,73, ?,177773, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,15, United-States +<=50K,59, Self-emp-not-inc,144071, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,2580,0,15, El-Salvador +<=50K,28, Private,148429, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2885,0,40, United-States +<=50K,19, Private,168601, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +<=50K,31, State-gov,78291, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Federal-gov,243929, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, Private,215039, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,13, ? +>50K,47, Self-emp-not-inc,185673, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,121142, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,173858, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,59, ?,87247, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, England +>50K,43, Private,334991, Some-college,10, Separated, Transport-moving, Unmarried, White, Male,4934,0,51, United-States +<=50K,48, Private,93476, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,2001,40, United-States +>50K,44, Private,174283, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Private,128676, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,24, Private,205844, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,28, Private,62535, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,50, Private,240612, HS-grad,9, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,10, United-States +>50K,33, Private,176992, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,254127, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,50, United-States +<=50K,30, ?,138744, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,128460, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,21, State-gov,56582, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,10, United-States +<=50K,52, Private,153751, 9th,5, Separated, Other-service, Not-in-family, Black, Female,0,0,30, United-States +<=50K,26, Private,284343, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, State-gov,312692, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,12, United-States +<=50K,28, Private,111520, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Nicaragua +>50K,50, Self-emp-inc,304955, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,288598, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,61, Self-emp-not-inc,117387, 11th,7, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,32, Private,230484, 7th-8th,4, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Federal-gov,319280, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Local-gov,186416, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Local-gov,147372, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,2444,40, United-States +<=50K,36, Private,145933, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,2258,70, United-States +<=50K,28, Private,110164, Some-college,10, Divorced, Other-service, Other-relative, Black, Male,0,0,24, United-States +>50K,49, Private,225454, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,61, Self-emp-not-inc,220342, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +>50K,41, Self-emp-not-inc,144002, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,55, Private,225365, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,36, Private,187983, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,21, Private,89991, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,225913, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,49, Self-emp-inc,229737, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,37, United-States +<=50K,59, Private,145574, 11th,7, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,41, Private,274363, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,59, Private,365390, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,266467, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,42, Private,183384, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Local-gov,112797, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +>50K,45, Federal-gov,76008, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,156780, HS-grad,9, Never-married, Sales, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +>50K,42, Local-gov,186909, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,25, Private,25497, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,45, Private,102771, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +>50K,58, Self-emp-not-inc,248841, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,39, Private,30916, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,34, Private,123270, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Self-emp-not-inc,210165, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,44, Private,222596, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Self-emp-inc,188067, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,22, Private,119592, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,2824,40, ? +<=50K,27, Private,250314, 9th,5, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, Guatemala +<=50K,60, Private,205934, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,25, United-States +>50K,46, Private,186172, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +>50K,56, Self-emp-inc,98418, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,40, United-States +>50K,36, Private,329980, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,40, United-States +<=50K,56, Private,147653, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +>50K,35, ?,195946, Some-college,10, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,29, Self-emp-inc,168221, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,70, United-States +<=50K,19, Private,151801, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,39, United-States +<=50K,38, Private,177154, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,40, Federal-gov,73883, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,52, Private,175714, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,43535, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,32, State-gov,104509, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,27, Private,118230, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,152046, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, Guatemala +>50K,36, Private,52327, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,40, Iran +<=50K,22, Private,218886, 12th,8, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,84119, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,37, Private,189674, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,22, Private,222993, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Male,0,0,54, United-States +>50K,29, Private,47429, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,144995, Preschool,1, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,25, United-States +<=50K,45, Private,187969, Assoc-voc,11, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,33, Private,288398, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,39, Private,114591, Some-college,10, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,167737, 12th,8, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Local-gov,248834, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,30, Private,165686, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,52, Self-emp-not-inc,40200, Some-college,10, Widowed, Craft-repair, Not-in-family, Black, Male,0,0,35, United-States +>50K,43, Self-emp-inc,117158, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,47, Local-gov,216657, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,61, Private,124242, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, India +<=50K,39, Local-gov,239119, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, Dominican-Republic +<=50K,47, Private,190072, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,50, United-States +<=50K,19, Private,378114, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,25, United-States +<=50K,37, Private,236990, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, United-States +<=50K,31, Private,101761, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,51, United-States +<=50K,69, Self-emp-not-inc,37745, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,22, ?,424494, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,29, Private,130438, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,100605, Some-college,10, Never-married, Machine-op-inspct, Own-child, Other, Male,0,0,14, United-States +<=50K,42, Private,220776, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, Poland +>50K,30, Local-gov,154950, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,28, Private,192283, Masters,14, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,80, United-States +<=50K,27, Private,210765, Assoc-voc,11, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,147476, HS-grad,9, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, State-gov,193241, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1651,40, United-States +<=50K,22, Private,109053, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,265618, HS-grad,9, Separated, Protective-serv, Own-child, Black, Male,0,0,40, United-States +>50K,38, Local-gov,172855, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,1887,40, United-States +<=50K,27, Private,68848, Bachelors,13, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,229051, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,37, United-States +<=50K,27, Private,106039, Bachelors,13, Divorced, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,25, Private,112835, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, ?,205396, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +<=50K,32, Private,283400, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, Private,195739, 10th,6, Widowed, Craft-repair, Unmarried, White, Male,0,0,45, United-States +<=50K,50, Private,36480, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,303291, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,34, Private,293900, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, Black, Male,0,0,55, United-States +<=50K,57, Self-emp-not-inc,165922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,39, Private,65738, Masters,14, Never-married, Other-service, Not-in-family, White, Female,0,0,32, United-States +<=50K,49, Private,175070, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,43, Private,339814, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,40, United-States +<=50K,26, Private,150132, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,31, Private,377374, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, Japan +<=50K,60, Self-emp-not-inc,166153, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Private,110171, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,26, Private,94477, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,55, United-States +<=50K,27, Private,194243, Prof-school,15, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,106347, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,59, Private,214865, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,19, ?,185619, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,96445, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,22, Private,102632, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,209034, Assoc-acdm,12, Married-civ-spouse, Sales, Own-child, White, Female,0,0,20, United-States +>50K,53, State-gov,153486, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,43, Private,144371, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,42, United-States +>50K,24, Private,186213, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,60, Private,188236, 10th,6, Widowed, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,418405, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Federal-gov,125796, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,183304, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,99, United-States +<=50K,34, Private,329587, 10th,6, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,35, Local-gov,182570, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,446654, 9th,5, Married-spouse-absent, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,34, Self-emp-not-inc,254304, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4508,0,90, United-States +>50K,53, Local-gov,131258, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,23, Private,103632, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,241895, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,244945, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,20795, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,347322, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Local-gov,103995, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,54, United-States +>50K,32, Private,53206, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, ?,387839, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,40, United-States +<=50K,18, Private,57108, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,16, United-States +<=50K,62, Private,177791, 10th,6, Divorced, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,33794, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,249935, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,73, Self-emp-not-inc,241121, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,64, Private,98586, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,26, Private,181920, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,23, Private,434467, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,30, Private,113364, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Vietnam +<=50K,51, Private,249706, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,95455, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +>50K,39, Private,209867, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,13550,0,45, United-States +>50K,35, Self-emp-inc,79586, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,41, Private,289669, HS-grad,9, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,347166, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,4650,0,40, United-States +>50K,40, Private,53835, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Local-gov,14878, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,31, Private,266126, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,41, Self-emp-inc,146659, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Honduras +<=50K,42, Private,125280, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +<=50K,23, Private,173535, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,21, ?,77665, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +>50K,49, Private,280525, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,479621, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Local-gov,194630, Bachelors,13, Never-married, Protective-serv, Not-in-family, White, Female,4787,0,43, United-States +<=50K,36, Private,247600, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,40, Taiwan +<=50K,32, Private,258406, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,72, Mexico +<=50K,20, Private,107746, 11th,7, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, Guatemala +<=50K,17, ?,47407, 11th,7, Never-married, ?, Own-child, White, Male,0,0,10, United-States +<=50K,22, Private,229987, Some-college,10, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Female,0,0,32, United-States +<=50K,25, Private,312338, Assoc-voc,11, Never-married, Craft-repair, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,58, Private,225394, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,24, Private,373718, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +>50K,48, State-gov,120131, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,8614,0,40, United-States +<=50K,20, Private,472789, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, El-Salvador +>50K,60, Self-emp-not-inc,27886, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,138352, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +>50K,52, Private,123011, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,36, Private,306567, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,40, United-States +>50K,46, Local-gov,187749, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,22, Private,260594, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,25, United-States +<=50K,19, Private,236879, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +<=50K,37, Private,186808, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +>50K,30, Private,373213, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,187629, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,25, United-States +<=50K,63, ?,106648, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,22, Private,305781, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,45, Canada +<=50K,31, Self-emp-inc,256362, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3908,0,50, United-States +<=50K,17, Private,239947, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,349041, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,67, Private,105252, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,182715, 7th-8th,4, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,166210, HS-grad,9, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,20, Private,113200, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,6, United-States +<=50K,27, Private,142075, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,24, United-States +>50K,35, Private,454843, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,142219, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,112512, 12th,8, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +>50K,43, Private,212894, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,62, State-gov,265201, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,251905, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,2339,40, Canada +<=50K,18, Private,170627, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,59, Private,354037, Prof-school,15, Married-civ-spouse, Transport-moving, Husband, Black, Male,15024,0,50, United-States +<=50K,37, Private,259089, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,21856, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Local-gov,207946, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,29, Private,77009, 11th,7, Separated, Sales, Not-in-family, White, Female,0,2754,42, United-States +>50K,33, Private,36539, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,62, Private,176811, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,456062, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,55, United-States +<=50K,28, Private,277746, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,288132, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,46, Federal-gov,344415, Masters,14, Married-civ-spouse, Armed-Forces, Husband, White, Male,0,1887,40, United-States +>50K,54, Self-emp-inc,206964, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1977,40, United-States +<=50K,34, Private,198091, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +>50K,67, ?,150264, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,20, Canada +>50K,62, Private,588484, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,30, Private,113364, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Poland +<=50K,19, Private,270551, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,49, ?,31478, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,99, United-States +<=50K,27, Private,190525, Assoc-voc,11, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,45, United-States +>50K,36, Private,153066, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,52, Private,150393, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,99911, 12th,8, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,57, Local-gov,343447, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Private,169482, Some-college,10, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,56, ?,32855, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,194501, 11th,7, Widowed, Other-service, Own-child, White, Female,0,0,47, United-States +>50K,53, Private,177705, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,31, Private,123983, Some-college,10, Separated, Sales, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +>50K,41, Private,138975, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,45, United-States +<=50K,45, Local-gov,235431, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,63, ?,83043, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2179,45, United-States +<=50K,45, State-gov,130206, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,210053, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,39, Local-gov,249392, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +<=50K,31, Private,87418, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-not-inc,190387, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +>50K,54, Private,176240, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,7688,0,60, United-States +<=50K,22, ?,211013, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, Mexico +<=50K,40, Local-gov,105862, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,5455,0,40, United-States +>50K,55, Self-emp-not-inc,185195, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,173495, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, Self-emp-inc,78634, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,31, Private,147284, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,99, United-States +<=50K,46, Self-emp-not-inc,82572, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,154641, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,39236, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,594,0,25, United-States +<=50K,17, ?,64785, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,48, Self-emp-not-inc,179337, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, England +<=50K,73, Private,173047, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,15, United-States +>50K,25, Private,264012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,53, Federal-gov,227836, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,321327, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,45, United-States +>50K,45, Self-emp-inc,108100, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,99999,0,25, ? +<=50K,37, Private,146398, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +<=50K,30, Private,324120, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,367329, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, State-gov,301582, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,75, ?,222789, Bachelors,13, Widowed, ?, Not-in-family, White, Female,0,0,6, United-States +>50K,58, Private,170108, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,82297, 7th-8th,4, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,50, United-States +<=50K,62, Local-gov,180162, 9th,5, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,24, United-States +>50K,45, Local-gov,348172, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,7298,0,40, United-States +>50K,38, Private,809585, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,67728, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,70, ?,163057, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2009,0,40, United-States +<=50K,42, Self-emp-not-inc,102069, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,47, Local-gov,149700, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +<=50K,42, Self-emp-not-inc,109273, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,43, Private,393354, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,38, United-States +>50K,37, Private,226947, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, State-gov,86805, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7298,0,39, United-States +<=50K,27, Private,493689, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, France +<=50K,54, Private,299324, 5th-6th,3, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0,0,40, Mexico +>50K,48, Self-emp-not-inc,353012, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,29, Private,174419, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,29, Private,209472, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,38, United-States +<=50K,37, Private,295127, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,47, United-States +<=50K,55, Self-emp-inc,182273, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,67, Private,228200, HS-grad,9, Married-civ-spouse, Priv-house-serv, Wife, Black, Female,0,0,20, United-States +<=50K,51, Private,263836, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,178948, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,41, Private,43945, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,64, Self-emp-not-inc,253296, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,23, Private,240137, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,49, Private,24712, Bachelors,13, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Philippines +<=50K,38, Self-emp-not-inc,342635, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,62, Private,115387, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,182998, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,10, United-States +<=50K,70, ?,133248, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,14, United-States +<=50K,45, Self-emp-not-inc,246891, Masters,14, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,30035, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,175232, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,50, Self-emp-inc,140516, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,40, Private,64980, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,55, United-States +<=50K,30, Private,155781, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,52, Federal-gov,192065, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Self-emp-not-inc,227890, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,162249, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,31, Private,165949, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,40, Private,445382, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,211948, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,1590,40, United-States +>50K,53, Private,163678, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,89413, 12th,8, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,289700, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, United-States +>50K,51, Private,163826, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,49, Private,185385, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,169031, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,54611, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,130620, 11th,7, Married-spouse-absent, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, India +<=50K,26, Private,328663, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,40, United-States +<=50K,50, Private,169646, Bachelors,13, Separated, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,35, Private,186815, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,103925, Some-college,10, Never-married, Tech-support, Other-relative, White, Female,0,0,40, United-States +<=50K,53, ?,150393, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,1504,35, United-States +<=50K,20, Private,82777, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,16, United-States +>50K,31, Local-gov,178449, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,51672, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +>50K,46, Private,380162, HS-grad,9, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,212114, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,8, United-States +>50K,41, Self-emp-not-inc,100800, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,70, United-States +>50K,30, Private,162572, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,70, United-States +<=50K,66, Self-emp-inc,179951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,37, Self-emp-inc,190759, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,74, State-gov,236012, 7th-8th,4, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,20, United-States +>50K,46, State-gov,164023, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,70, United-States +>50K,51, Private,172046, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,33, Private,182926, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,30, Private,151001, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, Mexico +>50K,47, Self-emp-inc,362835, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,97883, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,91911, HS-grad,9, Divorced, Craft-repair, Unmarried, Black, Female,0,0,48, United-States +<=50K,24, Private,278130, Assoc-voc,11, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,146310, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,379412, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,37987, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,46, Self-emp-inc,256909, HS-grad,9, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3325,0,45, United-States +<=50K,37, State-gov,482927, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,65, United-States +>50K,48, State-gov,44434, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,61, United-States +<=50K,25, Private,255474, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,303674, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,3103,0,20, United-States +<=50K,44, ?,195488, 12th,8, Separated, ?, Not-in-family, White, Female,0,0,36, Puerto-Rico +<=50K,58, ?,114362, Some-college,10, Married-civ-spouse, ?, Husband, Black, Male,0,0,30, United-States +<=50K,27, Private,341504, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,69, Private,197080, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Male,0,0,8, United-States +>50K,38, Private,102945, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +<=50K,47, Private,503454, 12th,8, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,87561, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,46, Private,270693, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,3674,0,30, United-States +<=50K,27, Private,252813, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, Private,574271, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,18, Private,184016, HS-grad,9, Married-civ-spouse, Priv-house-serv, Not-in-family, White, Female,3103,0,40, United-States +>50K,24, Private,235071, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,158242, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,299810, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,277695, Preschool,1, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Hong +<=50K,28, Private,23324, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Local-gov,316582, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,38, Self-emp-not-inc,176657, Some-college,10, Separated, Sales, Not-in-family, Asian-Pac-Islander, Male,0,0,60, Japan +>50K,42, Private,93770, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,31, Private,124569, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,117313, 9th,5, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Ireland +<=50K,53, Private,53812, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,54, United-States +<=50K,21, Private,170456, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,48, Self-emp-not-inc,115971, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,46, Private,31432, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,3103,0,52, United-States +<=50K,30, Private,112383, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,283092, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Male,0,0,40, Jamaica +<=50K,32, Private,27207, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,46712, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,57, State-gov,19520, Doctorate,16, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,56, Private,98630, 7th-8th,4, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,159897, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,37, United-States +<=50K,38, Private,136629, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Iran +<=50K,19, Private,407759, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,61, Self-emp-not-inc,221884, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,148475, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,274964, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +>50K,50, Self-emp-inc,160107, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,43, Private,167265, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,34, Private,148226, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,48, United-States +<=50K,28, Private,153869, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,208881, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,256953, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,44, United-States +>50K,26, Private,100147, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +>50K,51, Local-gov,166461, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,171327, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,297335, Assoc-acdm,12, Married-spouse-absent, Exec-managerial, Unmarried, Asian-Pac-Islander, Female,0,0,31, Laos +<=50K,63, ?,133166, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +<=50K,31, Private,169589, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, Local-gov,273734, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +<=50K,67, Private,158301, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, ?,257117, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,63, Private,196725, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,24, United-States +>50K,31, Private,137444, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,286960, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,41, Local-gov,201435, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,53, Local-gov,216931, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,38, United-States +<=50K,44, Local-gov,212665, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,99, United-States +<=50K,24, Private,462820, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,198841, Assoc-voc,11, Divorced, Tech-support, Own-child, White, Male,0,0,35, United-States +>50K,61, Private,219886, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,163003, Assoc-acdm,12, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,44, Private,112262, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,5178,0,40, United-States +>50K,56, Private,213105, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,36, United-States +<=50K,66, Private,302072, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,338105, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,69, Self-emp-not-inc,58213, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,45, United-States +<=50K,64, Private,125684, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,215419, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,36, United-States +<=50K,43, Local-gov,413760, Some-college,10, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Private,205339, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +<=50K,19, Private,236570, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,16, United-States +<=50K,59, Self-emp-not-inc,247552, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Federal-gov,184007, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,33, Private,341187, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,56, Private,220187, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,198258, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,175821, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,34, United-States +<=50K,42, Private,92288, Masters,14, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,34, Private,261418, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,203319, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,68, Self-emp-not-inc,166083, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,28, Private,109001, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,81, ?,106765, Some-college,10, Widowed, ?, Unmarried, White, Female,0,0,4, United-States +<=50K,22, Self-emp-not-inc,197387, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,284834, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,87535, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,17, Local-gov,175587, 11th,7, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +>50K,25, Private,242700, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,10520,0,50, United-States +<=50K,23, Private,161478, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,23, United-States +<=50K,25, Private,51498, 12th,8, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,47, Private,220124, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,188503, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,60, United-States +<=50K,44, Private,113324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,208872, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,34180, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,292023, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,30, United-States +<=50K,34, Private,141118, Bachelors,13, Married-spouse-absent, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +>50K,33, Private,348592, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,185203, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,52, Self-emp-not-inc,165278, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,116933, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,33, United-States +>50K,38, Private,237608, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,2444,45, United-States +<=50K,35, Private,84787, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,67, Self-emp-not-inc,217892, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,10605,0,35, United-States +>50K,60, Private,325971, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,40, United-States +<=50K,44, Private,206878, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,15, United-States +<=50K,38, Self-emp-not-inc,127772, HS-grad,9, Divorced, Farming-fishing, Own-child, White, Male,0,0,50, United-States +>50K,29, Private,208577, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,65, Private,344152, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,5556,0,50, United-States +<=50K,33, Private,40681, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, ?,95108, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,280603, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,43, Private,188436, Prof-school,15, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,134220, Assoc-voc,11, Divorced, Exec-managerial, Own-child, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,42, Private,177989, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,164190, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,36, Private,90897, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,41, State-gov,33126, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,270886, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,216129, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,33, Private,189368, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,19, ?,141418, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,15, United-States +<=50K,19, Private,306225, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,35, Private,330664, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,191765, HS-grad,9, Divorced, Tech-support, Unmarried, Black, Female,0,0,35, United-States +<=50K,45, Private,289353, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,24, United-States +<=50K,25, Private,53147, Bachelors,13, Never-married, Exec-managerial, Own-child, Black, Male,0,0,50, United-States +<=50K,39, Self-emp-not-inc,122353, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,188767, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,239576, Masters,14, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,10, United-States +>50K,52, Local-gov,155141, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,64520, 12th,8, Never-married, Transport-moving, Unmarried, White, Male,0,0,30, United-States +<=50K,23, Private,478994, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,155654, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,124052, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,39, Private,245053, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,183585, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,323639, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +<=50K,55, Federal-gov,186791, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,284303, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,40, United-States +<=50K,23, Private,186666, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,200153, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,180931, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,30, United-States +>50K,51, Self-emp-not-inc,183173, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-inc,120131, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Cuba +<=50K,25, Self-emp-not-inc,263300, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +>50K,34, Private,226443, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,18, Private,404868, 11th,7, Never-married, Sales, Own-child, Black, Female,0,1602,20, United-States +<=50K,19, Private,208506, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,28, United-States +<=50K,32, Private,46746, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,49, Private,246183, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, ?,165309, 7th-8th,4, Separated, ?, Not-in-family, White, Female,0,0,8, United-States +<=50K,43, Private,122749, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,71, Self-emp-inc,38822, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,59, Private,167963, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +>50K,32, Private,273241, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,120238, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,32, Private,167990, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Ireland +<=50K,17, Private,225507, 11th,7, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,15, United-States +>50K,57, Self-emp-inc,125000, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,17, Self-emp-not-inc,174120, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,27, Private,230959, Bachelors,13, Never-married, Tech-support, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,41, Local-gov,132125, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,62, ?,68461, Doctorate,16, Married-civ-spouse, ?, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,227178, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Private,165798, 5th-6th,3, Divorced, Other-service, Unmarried, White, Female,0,0,40, Puerto-Rico +>50K,39, Private,129573, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,224377, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,37, Private,179481, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,434268, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,40, Self-emp-not-inc,173716, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,38, Self-emp-inc,244803, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1485,60, Cuba +<=50K,24, Private,114230, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,188661, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,216093, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,51, Private,124963, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,85341, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,193490, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,80058, Prof-school,15, Never-married, Exec-managerial, Own-child, White, Male,0,0,50, United-States +<=50K,41, Private,139907, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,51, Self-emp-inc,54342, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Male,27828,0,60, United-States +<=50K,25, Private,188767, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,117222, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,61, Self-emp-inc,171831, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,2829,0,45, United-States +<=50K,35, Private,187119, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,70, United-States +<=50K,42, Local-gov,97277, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Local-gov,219760, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,16, United-States +<=50K,46, Private,63299, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,39, State-gov,171482, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,344742, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,29, Private,210869, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,80, United-States +>50K,39, Private,38312, Some-college,10, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,47, Private,119939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,83953, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,43, State-gov,101383, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,204374, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,176831, 10th,6, Divorced, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,19, ?,60688, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,35, United-States +>50K,44, Federal-gov,251305, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,200947, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-not-inc,46704, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,119721, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, State-gov,58930, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,247750, HS-grad,9, Widowed, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,48, Private,67725, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, State-gov,200775, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,44, Private,183542, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,20, ?,25139, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,51, Local-gov,123325, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,269786, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,50, United-States +<=50K,36, Private,51089, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,136985, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,129350, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,34, ?,35595, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +<=50K,36, Local-gov,61299, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,192321, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,80, United-States +<=50K,31, Private,257644, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,43, United-States +<=50K,44, Self-emp-not-inc,70884, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Local-gov,159726, 11th,7, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,174395, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,64, Federal-gov,175534, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,54, Local-gov,173050, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,27, Private,32519, Some-college,10, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,55, South +<=50K,18, Private,322999, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,68, Private,148874, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,44, United-States +>50K,64, Private,43738, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,36, Private,195385, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,21, Private,149809, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,22, Private,51985, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,61, Private,105384, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,137591, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,10, Greece +>50K,49, State-gov,324791, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,184303, Some-college,10, Separated, Priv-house-serv, Other-relative, White, Female,0,0,30, El-Salvador +<=50K,66, ?,314347, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,274010, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,321031, HS-grad,9, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,57, Federal-gov,313929, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,41, Private,394669, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1741,40, United-States +>50K,29, Private,152951, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,247115, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +>50K,47, Private,175958, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,109039, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,59, Self-emp-inc,141326, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +>50K,42, State-gov,74334, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,47462, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Federal-gov,182344, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,25, State-gov,295912, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,62, Private,311495, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,236746, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,10520,0,45, United-States +<=50K,21, Private,187643, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,60, Private,282923, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,46, Private,501671, 10th,6, Divorced, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,44, Federal-gov,29591, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,2258,40, United-States +<=50K,21, Private,301556, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,18, Private,187240, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,18, United-States +<=50K,39, Private,219483, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,5013,0,32, United-States +>50K,33, Private,594187, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,63, Private,200474, 1st-4th,2, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Local-gov,152795, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,52, United-States +<=50K,17, Private,230789, 9th,5, Never-married, Sales, Own-child, Black, Male,0,0,22, United-States +>50K,45, Self-emp-inc,311231, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1485,50, United-States +<=50K,31, Private,114691, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,194591, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,31, Private,114691, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, State-gov,42017, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Local-gov,383384, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,29444, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,42, Federal-gov,53727, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, ? +<=50K,38, Private,277022, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Columbia +>50K,43, Local-gov,113324, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,342709, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,179203, 12th,8, Never-married, Sales, Other-relative, White, Male,0,0,55, United-States +>50K,46, Private,251474, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,93730, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,37894, HS-grad,9, Separated, Other-service, Other-relative, White, Male,0,0,35, United-States +<=50K,18, State-gov,272918, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,15, United-States +>50K,53, Private,151411, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,40, Private,210648, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,44, United-States +<=50K,36, Self-emp-not-inc,347491, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,32, Private,255885, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,39, Private,356838, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +<=50K,46, Private,216164, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,288781, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,42, United-States +<=50K,19, Private,439779, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,24, Private,161638, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Ecuador +<=50K,28, Private,190525, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,25, Local-gov,276249, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,44, Private,147265, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,245090, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Nicaragua +<=50K,42, State-gov,219682, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,28, Private,392100, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,358682, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Male,0,0,50, ? +>50K,47, Private,262244, Bachelors,13, Never-married, Sales, Not-in-family, Black, Male,0,0,60, United-States +<=50K,46, Private,171228, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3411,0,35, Guatemala +<=50K,21, Local-gov,218445, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,19, ?,182609, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,25, United-States +<=50K,35, Private,509462, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,213258, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,118401, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,67, Self-emp-not-inc,45814, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,54, Private,329733, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,29957, Masters,14, Never-married, Tech-support, Other-relative, White, Male,0,0,25, United-States +<=50K,51, Private,215854, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,27, Private,327766, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,27, Private,405765, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,39, Private,80680, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,177792, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,52, Private,273514, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,202373, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,27, Local-gov,332785, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,38, United-States +<=50K,46, Private,149640, 7th-8th,4, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Private,40151, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,79, Self-emp-inc,183686, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,50, Federal-gov,32801, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,19, ?,195282, HS-grad,9, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,43, Federal-gov,134026, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,2174,0,40, United-States +<=50K,51, Local-gov,96678, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,45, Private,174533, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,65, Private,180807, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,991,0,20, United-States +>50K,66, Private,186324, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,5, United-States +<=50K,36, Self-emp-not-inc,257250, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,26, Private,212800, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Female,0,0,36, United-States +<=50K,28, Private,55360, Some-college,10, Never-married, Sales, Not-in-family, Black, Male,0,0,50, United-States +>50K,39, Self-emp-not-inc,195253, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,45156, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,435469, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, Mexico +<=50K,29, Private,231287, Some-college,10, Divorced, Tech-support, Unmarried, White, Male,0,0,40, United-States +>50K,32, Private,168854, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,50, United-States +<=50K,44, Self-emp-not-inc,185057, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,3325,0,40, United-States +<=50K,18, ?,91670, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,60, Private,165517, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,34, Private,73161, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,178792, HS-grad,9, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,32897, 11th,7, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,250967, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,41901, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1408,40, United-States +<=50K,49, Private,379779, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,37, Private,217838, 5th-6th,3, Separated, Other-service, Unmarried, White, Female,0,0,40, Mexico +>50K,37, Self-emp-not-inc,137527, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,2559,60, United-States +>50K,43, Private,198965, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,38, United-States +<=50K,41, Private,70645, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,4650,0,55, United-States +<=50K,37, Private,220644, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,40, ? +<=50K,19, Private,175081, 9th,5, Never-married, Craft-repair, Other-relative, White, Male,0,0,60, United-States +<=50K,29, Private,180299, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,40, Self-emp-not-inc,548664, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +>50K,53, Private,278114, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,394927, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,44, Self-emp-not-inc,127482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, England +<=50K,29, Private,236938, Assoc-acdm,12, Divorced, Craft-repair, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,232991, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Mexico +<=50K,38, Private,34378, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,48, Self-emp-inc,81513, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,106780, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,50, Private,178596, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,1408,50, United-States +>50K,37, Private,329026, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,48, Private,26490, Bachelors,13, Widowed, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,50, Private,338033, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,74, ?,169303, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,6767,0,6, United-States +<=50K,24, Private,21154, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,34, Private,209449, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,389143, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,101260, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,198270, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,45781, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,134566, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,283806, 9th,5, Divorced, ?, Not-in-family, White, Female,0,0,35, United-States +<=50K,68, ?,286869, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,1668,40, ? +>50K,46, Private,422813, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,103277, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,50, United-States +<=50K,18, Private,201871, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,50, Self-emp-not-inc,167728, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,211517, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,118212, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,259846, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,3471,0,40, United-States +<=50K,57, Private,98926, Some-college,10, Widowed, Tech-support, Not-in-family, White, Female,0,0,16, United-States +>50K,27, Private,207352, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,31, Private,206609, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,104509, Masters,14, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,170350, HS-grad,9, Divorced, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Private,183884, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,110964, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1672,38, United-States +<=50K,35, State-gov,154410, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,63, ?,257659, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,3, United-States +<=50K,28, Private,274679, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,38, Private,252662, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,356689, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,205218, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,35, Private,241306, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,139127, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,175625, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,206459, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,176123, 10th,6, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, India +<=50K,41, Private,111483, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,60, Self-emp-not-inc,106118, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,18, Private,77845, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,1602,15, United-States +<=50K,19, Private,162094, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,216469, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1579,50, United-States +>50K,56, Local-gov,381965, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,28, Private,145284, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,29, Private,242482, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,35, Self-emp-not-inc,160192, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,27, ?,280699, Some-college,10, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,175942, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,55, ? +<=50K,18, Private,156950, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,53, Private,215572, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,173593, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,20, Canada +>50K,55, Private,193374, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,45, Local-gov,334039, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,337664, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,113504, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,177072, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,174503, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,214807, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,37, United-States +>50K,41, Private,222596, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,23, Private,100345, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,22, Private,409230, 12th,8, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,112497, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,25236,0,40, United-States +>50K,65, Self-emp-inc,115922, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,59, ?,375049, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,41, United-States +<=50K,25, Private,243560, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, Columbia +>50K,33, Local-gov,182971, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,127215, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,50, State-gov,276241, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,49, State-gov,175109, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,498079, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Federal-gov,344394, Some-college,10, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,34, Private,99872, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,3103,0,40, India +<=50K,23, Private,245302, Some-college,10, Divorced, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,63, Private,43313, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,188467, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,351278, Bachelors,13, Divorced, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,31, Private,182246, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, Private,79870, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Female,2597,0,40, Japan +>50K,48, ?,353824, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, ? +<=50K,31, Private,387116, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,36, Jamaica +>50K,47, Private,34248, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,54, State-gov,198741, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,32950, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,34, Private,381153, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,46, Private,100067, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +>50K,34, Private,208785, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,61559, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,176452, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Peru +<=50K,41, ?,128700, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,328518, Assoc-voc,11, Never-married, Prof-specialty, Other-relative, White, Male,0,0,30, United-States +<=50K,30, ?,201196, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +<=50K,23, Private,378546, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,24, Local-gov,212210, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, ? +<=50K,59, Federal-gov,178660, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, Private,235826, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,35, Self-emp-not-inc,22641, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,59, Private,316027, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, Cuba +>50K,47, Private,431515, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,149770, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,42, Private,165916, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,29, Federal-gov,107411, Some-college,10, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,217961, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,45, Outlying-US(Guam-USVI-etc) +<=50K,43, Self-emp-not-inc,350387, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,325372, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,156718, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,216472, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,20, United-States +<=50K,29, State-gov,106972, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,33, Private,131934, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,33, Local-gov,365908, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,2105,0,40, United-States +<=50K,46, Local-gov,359193, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,35, Private,261012, Some-college,10, Married-spouse-absent, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, Private,272944, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,25, Private,113654, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,37, United-States +<=50K,35, Private,218955, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,115963, 7th-8th,4, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,42, United-States +>50K,39, Private,80638, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,84, United-States +<=50K,37, Private,147258, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,214635, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,42, United-States +<=50K,25, Private,200318, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,50, Private,138270, HS-grad,9, Married-civ-spouse, Sales, Wife, Black, Female,0,0,40, United-States +>50K,64, Federal-gov,388594, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, ? +<=50K,33, Private,103435, Assoc-voc,11, Separated, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,59, Self-emp-inc,133201, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Italy +<=50K,24, Private,175183, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,99870, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, ?,107479, 9th,5, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,60, Private,113440, Bachelors,13, Divorced, Exec-managerial, Own-child, White, Male,0,0,60, United-States +<=50K,19, Private,85690, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,30, United-States +<=50K,23, Private,45713, Some-college,10, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +>50K,57, Self-emp-inc,376230, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,99999,0,40, United-States +>50K,36, Private,145576, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1977,40, Japan +<=50K,17, ?,67808, 10th,6, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,113936, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,32, Private,158291, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,27, Private,193898, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,191982, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,55, United-States +<=50K,21, ?,72953, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,54, Private,271160, Assoc-voc,11, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,33087, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,106153, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,29444, 12th,8, Never-married, Farming-fishing, Not-in-family, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,37, Private,105021, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,38, Self-emp-not-inc,239045, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,94413, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,45, Private,20534, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,84, United-States +<=50K,28, Private,350254, 1st-4th,2, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, Mexico +<=50K,68, Private,194746, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, Cuba +<=50K,36, Private,269042, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,20, Private,447488, 9th,5, Never-married, Other-service, Unmarried, White, Male,0,0,30, Mexico +<=50K,24, Private,267706, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,45, United-States +<=50K,38, Private,198216, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,227931, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,252646, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,47, Private,223342, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,2174,0,40, England +<=50K,28, Private,181776, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,32, Private,132601, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,205410, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,64, Self-emp-inc,185912, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,35, United-States +<=50K,38, Private,292570, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,50, United-States +<=50K,43, Private,76460, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,295163, 12th,8, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,27255, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, ? +<=50K,23, Private,69847, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,25, Private,104993, 9th,5, Never-married, Handlers-cleaners, Own-child, Black, Male,2907,0,40, United-States +<=50K,41, Private,322980, HS-grad,9, Separated, Adm-clerical, Not-in-family, Black, Male,2354,0,40, United-States +<=50K,24, ?,390608, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,36, United-States +<=50K,41, Private,317539, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,195678, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,466502, 7th-8th,4, Widowed, Other-service, Unmarried, White, Male,0,0,30, United-States +<=50K,28, Local-gov,220754, HS-grad,9, Separated, Transport-moving, Own-child, White, Female,0,0,25, United-States +<=50K,29, Private,202878, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,2042,40, United-States +<=50K,36, Private,343476, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,41, Self-emp-inc,93227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,1977,60, Taiwan +<=50K,60, Self-emp-not-inc,38622, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, State-gov,173730, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,32, Private,178623, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, ? +>50K,27, Private,300783, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,42, United-States +<=50K,60, Private,224644, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,191502, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,61885, 12th,8, Divorced, Transport-moving, Other-relative, Black, Male,0,0,35, United-States +>50K,34, Self-emp-not-inc,213887, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, Canada +<=50K,36, Private,331395, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,54, Private,145098, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,48, Private,123075, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,216804, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,33, United-States +>50K,40, Private,188291, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,33610, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,234901, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,349148, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,168443, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,211860, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,24, United-States +>50K,35, Private,193961, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,36, Local-gov,52532, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +>50K,59, Self-emp-not-inc,75804, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,33, Self-emp-not-inc,176185, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,306779, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,48, Private,265192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,54, Private,139347, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,107682, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,37, Private,34173, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,128378, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,51, Self-emp-inc,195638, Some-college,10, Separated, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Private,59287, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Self-emp-not-inc,162442, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,29, ?,350603, 10th,6, Never-married, ?, Own-child, White, Female,0,0,38, United-States +>50K,39, Private,344743, Some-college,10, Married-civ-spouse, Adm-clerical, Own-child, Black, Female,0,0,50, United-States +<=50K,35, Private,112077, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,40, United-States +>50K,26, Private,176795, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,51, Private,137815, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,31, Private,309620, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,6, South +>50K,39, Private,336880, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,206600, 11th,7, Never-married, Other-service, Other-relative, White, Male,0,0,30, Mexico +<=50K,25, Private,193051, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,35, United-States +>50K,61, Federal-gov,229062, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1887,40, United-States +<=50K,49, Private,62793, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,53, Private,264939, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, Mexico +<=50K,52, Private,370552, Preschool,1, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, El-Salvador +<=50K,52, Private,163678, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,74, ?,89667, Bachelors,13, Widowed, ?, Not-in-family, Other, Female,0,0,35, United-States +<=50K,50, Private,558490, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,29, Private,124680, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,13550,0,35, United-States +<=50K,76, Private,208843, 7th-8th,4, Widowed, Protective-serv, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,95078, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,169679, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,101320, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,168906, Assoc-acdm,12, Divorced, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,212582, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,66, ?,170617, Masters,14, Widowed, ?, Not-in-family, White, Male,0,0,6, United-States +<=50K,63, ?,170529, Bachelors,13, Married-civ-spouse, ?, Wife, Black, Female,0,0,45, United-States +<=50K,27, Private,99897, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,104892, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,2829,0,40, United-States +<=50K,43, Private,175224, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, Nicaragua +<=50K,23, Private,149704, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,37, Federal-gov,214542, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,167319, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,43716, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,4, United-States +<=50K,28, Private,191935, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,70, ?,158642, HS-grad,9, Widowed, ?, Not-in-family, White, Female,2993,0,20, United-States +<=50K,35, Private,338611, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,136419, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,75, United-States +<=50K,17, Private,72321, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,12, United-States +>50K,41, Local-gov,189956, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,44, Private,403782, Assoc-voc,11, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,47, Private,456661, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,24, Private,279041, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,65716, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,189809, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,52, Jamaica +<=50K,62, Local-gov,223637, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,27, Local-gov,199343, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +>50K,59, Private,139344, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,119098, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,195025, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,28, Private,186720, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,50, United-States +<=50K,28, Private,328923, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,38, United-States +<=50K,59, State-gov,159472, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,138662, Some-college,10, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,54, Local-gov,286342, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,39, Private,181705, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,41, Private,193882, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,216497, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +>50K,32, Self-emp-inc,124919, Bachelors,13, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,50, Iran +<=50K,62, Private,109463, Some-college,10, Separated, Sales, Unmarried, White, Female,0,1617,33, United-States +<=50K,58, Private,256274, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,326379, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,67, ?,174995, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,2457,40, United-States +<=50K,31, Private,243142, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +>50K,51, Local-gov,155118, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,70, United-States +<=50K,54, Private,189607, Bachelors,13, Never-married, Other-service, Own-child, Black, Female,0,0,36, United-States +<=50K,20, Private,39478, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,70, United-States +>50K,35, Private,206951, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,127647, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,36, United-States +<=50K,38, Private,234298, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,6849,0,60, United-States +<=50K,42, Private,182302, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,44, State-gov,166597, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,28, Self-emp-not-inc,33363, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +>50K,74, Self-emp-inc,167537, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,34, Private,179378, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,50, State-gov,297551, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,52, United-States +<=50K,50, Private,198362, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,43, Private,240504, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,169662, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, ?,164940, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,25, United-States +>50K,61, Private,210488, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,154835, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,27, Private,333296, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,30, ? +>50K,47, Private,192793, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Iran +<=50K,39, Private,49436, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,1380,40, United-States +<=50K,33, Private,136331, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,509048, HS-grad,9, Never-married, Sales, Other-relative, Black, Female,0,0,37, United-States +<=50K,38, Private,318610, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,104521, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,247695, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,219546, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, Germany +<=50K,21, Private,169699, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,49, State-gov,131302, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,44, United-States +<=50K,50, Private,171852, Bachelors,13, Separated, Prof-specialty, Own-child, Other, Female,0,0,40, United-States +>50K,36, State-gov,340091, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +<=50K,20, Private,204641, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,49, Private,213431, HS-grad,9, Separated, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +>50K,40, State-gov,377018, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,184543, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,60, ?,188236, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,67, Private,233022, 11th,7, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,21, Private,177420, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,40, United-States +<=50K,60, Self-emp-not-inc,21101, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +<=50K,17, Private,52486, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +>50K,43, Private,183273, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,32, United-States +>50K,49, State-gov,36177, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,41, Private,124956, Bachelors,13, Separated, Prof-specialty, Not-in-family, Black, Female,99999,0,60, United-States +<=50K,38, Private,102350, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,38, Private,165930, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,297574, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,40, Private,120277, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, ?,87569, Some-college,10, Separated, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, ?,278220, Some-college,10, Never-married, ?, Own-child, White, Female,0,1602,40, United-States +>50K,40, Private,155972, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,46, State-gov,162852, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,64860, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,22, United-States +>50K,36, Private,226013, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,5178,0,40, United-States +<=50K,24, Private,322674, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +<=50K,62, Private,202242, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,54, Private,175262, Preschool,1, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,23, Private,201682, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,60, Private,166330, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,18, Self-emp-inc,147612, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Female,0,0,8, United-States +<=50K,41, Local-gov,213154, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,40, United-States +<=50K,45, Local-gov,33798, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, State-gov,199198, Assoc-voc,11, Widowed, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,90915, Bachelors,13, Married-spouse-absent, Tech-support, Unmarried, Black, Female,0,0,40, United-States +>50K,36, Self-emp-inc,337778, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Yugoslavia +<=50K,31, Private,187203, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,44, Private,261497, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, ? +<=50K,33, Self-emp-not-inc,361817, HS-grad,9, Separated, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,62, Self-emp-not-inc,226546, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,16, United-States +<=50K,27, Private,100168, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +>50K,42, Federal-gov,272625, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,254516, 9th,5, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,37, United-States +<=50K,41, Private,207375, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,39092, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,4064,0,50, United-States +>50K,45, Private,48271, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,67, Self-emp-not-inc,152102, HS-grad,9, Widowed, Farming-fishing, Not-in-family, White, Male,0,0,65, United-States +<=50K,25, Private,234665, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,30, Self-emp-inc,127651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,48, United-States +<=50K,22, Private,180060, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,32477, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,137658, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,61, Private,228287, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,32, Private,159442, Prof-school,15, Never-married, Sales, Not-in-family, White, Female,13550,0,50, United-States +<=50K,43, Private,33310, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Private,270546, HS-grad,9, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,20, United-States +<=50K,53, Federal-gov,290290, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Self-emp-inc,287037, 12th,8, Divorced, Craft-repair, Not-in-family, White, Male,0,0,10, United-States +>50K,36, Private,128516, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,185195, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +>50K,35, Federal-gov,49657, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,17, Private,98005, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,55, Self-emp-not-inc,283635, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,36, Private,98360, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,202872, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,54, Self-emp-not-inc,118365, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,10, United-States +<=50K,45, Self-emp-not-inc,184285, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +>50K,48, Private,345831, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,40, Local-gov,99679, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,31, Private,253354, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,190650, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Male,0,0,40, Taiwan +>50K,34, Private,287737, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1485,40, United-States +<=50K,19, Private,204389, HS-grad,9, Never-married, Adm-clerical, Own-child, Other, Female,0,0,25, Puerto-Rico +<=50K,31, Federal-gov,294870, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,159442, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,55, Local-gov,161662, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,52738, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,252024, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, Mexico +<=50K,27, Private,189702, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,407913, HS-grad,9, Separated, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,166527, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Female,0,0,20, United-States +<=50K,24, Self-emp-not-inc,34918, Assoc-voc,11, Never-married, Other-service, Unmarried, White, Female,0,0,38, United-States +<=50K,27, Private,142712, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, ? +<=50K,18, Federal-gov,201686, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,4, United-States +<=50K,28, Local-gov,179759, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,94954, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,350498, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1258,20, United-States +<=50K,19, Private,201743, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,59, Self-emp-not-inc,119344, 10th,6, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,36, United-States +<=50K,33, Private,149726, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,46, United-States +<=50K,28, Private,419146, 7th-8th,4, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, Mexico +<=50K,34, Private,174789, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,2001,40, United-States +<=50K,41, Private,171234, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,55, United-States +<=50K,30, Private,206325, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,202682, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,121055, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,47, Private,160187, HS-grad,9, Separated, Prof-specialty, Other-relative, Black, Female,14084,0,38, United-States +<=50K,29, Private,84366, 10th,6, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, Mexico +>50K,60, Private,139391, Some-college,10, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,53, Local-gov,124094, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,35, United-States +<=50K,41, Private,30759, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,137875, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +>50K,73, ?,139049, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,22, United-States +<=50K,20, Private,238384, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +>50K,49, Private,340755, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,224947, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,33, State-gov,111994, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,25, Private,125491, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Female,0,0,34, United-States +<=50K,34, ?,310525, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,10, United-States +<=50K,19, ?,71592, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,40, Local-gov,99185, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,249935, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,44, United-States +<=50K,51, Private,206775, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,230704, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, Jamaica +<=50K,34, Private,242361, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,50, United-States +<=50K,22, Private,134746, 10th,6, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,198613, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2002,40, United-States +<=50K,56, Private,174040, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,165953, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1902,40, United-States +<=50K,36, Private,273604, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, Private,192409, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,26, Self-emp-not-inc,102476, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,48, Private,234504, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Self-emp-not-inc,468713, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,84560, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,148995, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,34816, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,12, United-States +<=50K,28, Private,211184, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,50, United-States +>50K,53, Private,33304, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,65, Federal-gov,179985, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,219815, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,134766, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +<=50K,26, Private,106548, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,70, Private,89787, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,55, Private,164857, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,257124, Bachelors,13, Never-married, Transport-moving, Other-relative, White, Male,0,0,35, United-States +>50K,31, Private,227446, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Cuba +>50K,43, Private,125461, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,55, United-States +<=50K,24, Private,189749, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,176321, 7th-8th,4, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,26, Private,284250, HS-grad,9, Never-married, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,101885, 10th,6, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,134130, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,260938, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,238184, HS-grad,9, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,148626, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,48102, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,50, United-States +>50K,58, Private,234213, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,14344,0,48, United-States +>50K,65, Private,113323, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,34246, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,51, Private,175070, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,45, United-States +<=50K,31, Private,279680, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,84, Private,188328, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,51, Private,96609, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Local-gov,84257, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,275632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,385540, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Mexico +<=50K,30, Private,196342, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Ireland +<=50K,47, Private,97176, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,197714, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,43, Self-emp-not-inc,147099, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,36, United-States +<=50K,30, Private,186346, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,46, Private,73434, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,49, Local-gov,275074, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,209214, 5th-6th,3, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,42, Private,210525, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,372020, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5013,0,50, United-States +<=50K,46, Private,176684, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,210474, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,26, Private,293690, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,64, Private,149775, Masters,14, Never-married, Prof-specialty, Other-relative, White, Female,0,0,8, United-States +<=50K,20, Private,323009, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +<=50K,31, Private,126950, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,172538, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, United-States +<=50K,44, Private,115411, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,101709, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,2885,0,40, United-States +<=50K,23, Private,265356, Bachelors,13, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +>50K,31, Local-gov,192565, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,90, United-States +<=50K,35, Self-emp-not-inc,348771, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,30, Self-emp-not-inc,148959, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,35, United-States +<=50K,35, Private,126569, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,20, United-States +<=50K,40, Private,105936, HS-grad,9, Married-spouse-absent, Adm-clerical, Own-child, White, Female,0,0,38, United-States +<=50K,18, Private,188076, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,23, Private,184400, 10th,6, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,30, ? +<=50K,63, Private,124242, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,20, State-gov,200819, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,50, Local-gov,100480, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,129513, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,53, Self-emp-not-inc,297796, 10th,6, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,195488, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,54, Private,153486, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,56, United-States +>50K,40, Private,126845, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,206974, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,412149, 10th,6, Never-married, Farming-fishing, Other-relative, White, Male,0,0,35, Mexico +<=50K,24, Private,653574, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, El-Salvador +<=50K,37, Private,70562, 1st-4th,2, Never-married, Other-service, Unmarried, White, Female,0,0,48, El-Salvador +<=50K,62, Private,197514, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,16, United-States +<=50K,19, ?,309284, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,334679, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,65, Private,105116, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,2346,0,40, United-States +<=50K,31, Private,151484, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +>50K,42, Self-emp-inc,78765, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Male,0,0,90, United-States +<=50K,42, Private,98427, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +<=50K,54, Private,230767, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Cuba +<=50K,23, Private,117606, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,60, United-States +<=50K,28, Private,68642, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,46, United-States +<=50K,42, Private,341638, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,65920, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,33, Federal-gov,188246, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,198727, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,160728, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,2977,0,40, United-States +<=50K,27, Private,706026, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,348148, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,62, Private,77884, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,17, Private,160758, 10th,6, Never-married, Sales, Other-relative, White, Male,0,0,30, United-States +>50K,58, Private,201112, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,55, United-States +>50K,69, Self-emp-inc,107850, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,6514,0,40, United-States +>50K,34, Private,230246, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,34, Private,203034, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,2824,50, United-States +<=50K,20, Private,373935, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,64, Federal-gov,341695, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,27, Private,119793, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, ? +>50K,41, Private,178002, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,233130, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +>50K,53, Local-gov,192982, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,38, United-States +<=50K,44, Private,33155, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Private,187346, 5th-6th,3, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, Mexico +>50K,46, Private,78529, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,101626, 9th,5, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,35, Private,117567, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Local-gov,110791, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,49, State-gov,207120, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,43206, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,26, Private,120238, Bachelors,13, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,189219, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,35, State-gov,190895, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,83517, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,35557, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7298,0,50, United-States +<=50K,36, Local-gov,59313, Some-college,10, Separated, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,202033, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,18, Local-gov,55658, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,21, Private,118186, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,20, United-States +<=50K,22, Private,279901, HS-grad,9, Married-civ-spouse, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,52, Private,110954, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, El-Salvador +<=50K,36, Self-emp-not-inc,90159, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,122489, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,1726,60, United-States +>50K,49, Self-emp-not-inc,43348, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,99999,0,70, United-States +>50K,42, Private,34278, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,37778, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,54, United-States +<=50K,39, Private,160623, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,342458, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,53, Private,64322, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,373914, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Private,205884, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,62, Local-gov,208266, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,222450, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,23, Private,348420, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,136081, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,2051,40, United-States +<=50K,37, Federal-gov,197284, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,27, ?,204773, Assoc-acdm,12, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,41, Private,206066, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,61885, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,25, Private,299908, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, United-States +<=50K,35, Private,46028, Assoc-acdm,12, Divorced, Other-service, Unmarried, White, Female,0,0,50, United-States +>50K,47, Private,239865, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1977,45, United-States +<=50K,30, Private,154587, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Puerto-Rico +<=50K,29, Private,244473, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,2051,40, United-States +>50K,36, Private,32334, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,42, Private,319588, Bachelors,13, Married-spouse-absent, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +<=50K,51, Private,226735, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,34, Private,226443, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,359259, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, Portugal +<=50K,27, Private,36851, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,41, United-States +<=50K,39, Private,393480, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,33109, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,1741,40, United-States +<=50K,32, Self-emp-not-inc,188246, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,1590,62, United-States +<=50K,31, Private,231569, Bachelors,13, Never-married, Sales, Not-in-family, Black, Female,0,0,50, United-States +<=50K,23, Private,353010, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,47, Private,102628, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,66, Private,262285, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,99, United-States +<=50K,26, Private,160300, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,156953, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-inc,136823, 11th,7, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,30, United-States +<=50K,48, Self-emp-not-inc,160724, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, Japan +<=50K,37, Self-emp-inc,86459, Assoc-acdm,12, Separated, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,17, Private,238628, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,5, United-States +>50K,50, Private,339954, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, ?,222005, HS-grad,9, Never-married, ?, Other-relative, White, Female,0,0,40, Mexico +<=50K,17, Federal-gov,99893, 11th,7, Never-married, Adm-clerical, Not-in-family, Black, Female,0,1602,40, United-States +<=50K,39, Private,214117, Some-college,10, Divorced, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,28, Federal-gov,298661, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,38, Private,179488, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,53, Private,48343, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,40, United-States +<=50K,28, Local-gov,100270, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,227065, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,32, United-States +<=50K,40, Private,126701, 9th,5, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,209131, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,32, State-gov,400132, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,278155, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,139012, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,2174,0,40, Vietnam +<=50K,41, Private,178431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +>50K,42, Private,511068, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,18, Private,199039, 12th,8, Never-married, Sales, Own-child, White, Male,594,0,14, United-States +>50K,29, Local-gov,190525, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,60, Germany +<=50K,36, Private,115700, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,167832, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,218164, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,44, United-States +>50K,48, State-gov,171926, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +>50K,36, Self-emp-inc,242080, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,67, Federal-gov,223257, HS-grad,9, Widowed, Other-service, Unmarried, White, Male,0,0,40, United-States +>50K,53, Private,386773, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,40, United-States +>50K,53, Self-emp-not-inc,105478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,40, United-States +>50K,45, Private,140644, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,22, Private,205970, 10th,6, Separated, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,25, Private,216583, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,43, United-States +<=50K,61, Private,162432, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Local-gov,83671, Some-college,10, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Self-emp-inc,205100, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, Germany +<=50K,31, Private,195750, 1st-4th,2, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,220562, 9th,5, Never-married, Sales, Other-relative, Other, Female,0,0,32, Mexico +>50K,38, Self-emp-inc,312232, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,386337, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, ? +<=50K,42, Private,86185, Some-college,10, Widowed, Exec-managerial, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,78, Private,105586, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,36, United-States +>50K,54, Private,103345, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Local-gov,150553, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,50, United-States +>50K,30, Private,26009, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,46, Private,149388, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,151626, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,45, United-States +<=50K,30, Private,169583, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,66, Local-gov,174486, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,20051,0,35, Jamaica +<=50K,23, Private,160951, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,2597,0,40, United-States +<=50K,25, Private,213383, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,103078, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,109526, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,51, Private,142835, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,43475, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,190916, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,28, Private,175987, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Local-gov,214385, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,20, United-States +<=50K,26, Private,192652, Bachelors,13, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,41, Federal-gov,207685, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,143857, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,39, Private,163392, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,26, ? +>50K,51, Private,310774, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, ?,427965, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,20, United-States +<=50K,27, Private,279608, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +>50K,33, Private,312881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,19, Private,175083, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +<=50K,67, ?,132057, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,20, United-States +>50K,41, Private,32878, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,29, Federal-gov,360527, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,99478, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,25, Private,113035, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,21, Federal-gov,99199, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,36, United-States +>50K,24, Local-gov,452640, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,14344,0,50, United-States +<=50K,48, Private,236858, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,31, United-States +>50K,46, Self-emp-inc,201865, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,268661, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,35, Federal-gov,475324, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,117295, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,65704, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, ? +<=50K,45, Private,192835, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,76720, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,39, Local-gov,180686, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,33, Local-gov,133876, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,123727, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +>50K,50, Private,129956, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,25, Private,96268, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,317320, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,26, Private,86872, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,31, State-gov,100863, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,56, Private,164332, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +<=50K,49, Self-emp-not-inc,122584, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,49, Private,34377, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,162030, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,33, Private,199170, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, Private,470203, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +>50K,40, Private,266803, Assoc-acdm,12, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, ?,188009, 7th-8th,4, Divorced, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,32, State-gov,513416, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,10, United-States +<=50K,44, Private,98211, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,48, Private,196107, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,17, Private,108273, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,12, United-States +>50K,50, Private,213290, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1887,36, United-States +>50K,61, Private,96660, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,15024,0,34, United-States +<=50K,22, Local-gov,412316, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,17, Private,120068, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +>50K,49, Self-emp-inc,101722, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,26, Private,120268, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,19, State-gov,144429, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,10, United-States +<=50K,17, Private,271122, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,38, Private,255621, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,34, Local-gov,90934, Assoc-voc,11, Divorced, Protective-serv, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,51, Private,162745, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +>50K,48, Private,128460, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +>50K,63, Private,30813, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,164585, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,73, Private,148003, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,20051,0,36, United-States +<=50K,51, Private,215647, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,43, United-States +<=50K,38, Private,300975, Masters,14, Married-civ-spouse, Other-service, Husband, Black, Male,0,1485,40, ? +>50K,54, Private,421561, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,41, Private,149909, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1848,40, United-States +>50K,65, ?,240857, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2377,40, United-States +>50K,36, Self-emp-not-inc,138940, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,4386,0,50, United-States +<=50K,42, Private,66755, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, United-States +>50K,38, Private,103323, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,20, ?,117222, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,37, State-gov,29145, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,35, State-gov,184659, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1485,40, United-States +<=50K,51, Self-emp-not-inc,20795, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,311376, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, State-gov,122660, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +<=50K,19, ?,137578, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +>50K,37, Private,193689, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,42, United-States +<=50K,29, Private,144556, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,228696, 1st-4th,2, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,2603,32, Mexico +<=50K,60, Private,184183, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,4650,0,40, United-States +<=50K,22, Private,243178, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +<=50K,22, ?,236330, Some-college,10, Never-married, ?, Own-child, Black, Male,0,1721,20, United-States +<=50K,60, State-gov,190682, Assoc-voc,11, Widowed, Other-service, Not-in-family, Black, Female,0,0,37, United-States +<=50K,35, Private,233786, 11th,7, Separated, Other-service, Unmarried, White, Male,0,0,20, United-States +<=50K,45, Private,102202, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,95299, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Vietnam +>50K,43, Self-emp-inc,240504, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,32, State-gov,169973, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,144937, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,32, Private,211751, Assoc-voc,11, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,61, Private,84587, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,40, State-gov,150874, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,1506,0,40, United-States +<=50K,20, ?,187332, 10th,6, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,42, Self-emp-inc,188615, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,119704, Some-college,10, Never-married, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,21, Private,275190, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,26, Private,417941, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, State-gov,196348, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,221955, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +>50K,47, Private,173938, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,51, Private,123429, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Male,0,0,30, United-States +<=50K,65, ?,143732, HS-grad,9, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,61, Private,203126, Bachelors,13, Divorced, Priv-house-serv, Not-in-family, White, Female,0,0,12, ? +<=50K,67, Private,174693, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,25, Nicaragua +<=50K,49, Private,357540, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +>50K,63, ?,29859, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,1485,40, United-States +>50K,58, Private,314092, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,48, United-States +<=50K,61, Private,280088, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,257380, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,35, United-States +<=50K,19, Private,165306, Some-college,10, Never-married, Tech-support, Other-relative, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,29, Self-emp-not-inc,109001, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,43, Private,266439, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,60, Self-emp-not-inc,153356, HS-grad,9, Divorced, Sales, Not-in-family, Black, Male,2597,0,55, United-States +<=50K,21, Private,32950, Some-college,10, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,182163, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,188246, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,36, Private,297335, Bachelors,13, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, China +<=50K,37, Private,108366, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,46, United-States +<=50K,35, Private,328301, Assoc-acdm,12, Married-AF-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,17, Private,182158, 10th,6, Never-married, Priv-house-serv, Own-child, White, Male,0,0,30, United-States +>50K,37, Private,169426, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,22, ?,330571, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,45, United-States +>50K,28, Private,535978, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,29393, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Self-emp-inc,258883, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,60, Hungary +<=50K,26, Private,369166, Some-college,10, Never-married, Farming-fishing, Other-relative, White, Female,0,0,65, United-States +<=50K,45, Local-gov,257855, 11th,7, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +>50K,32, Private,164197, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,63, Private,109517, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,22, Private,112137, Some-college,10, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,20, South +>50K,36, Private,160035, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,45, State-gov,50567, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +>50K,34, Self-emp-not-inc,140011, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,27, State-gov,271328, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, ?,183083, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,20, United-States +>50K,47, Self-emp-not-inc,159869, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,46, Private,102542, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,52, United-States +<=50K,28, Private,297742, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,45, Private,176917, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,26, Private,165235, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,40, Thailand +<=50K,32, Self-emp-not-inc,52647, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Local-gov,48542, 12th,8, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,279232, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +>50K,58, State-gov,259929, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,45, Private,221780, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,76, Self-emp-not-inc,253408, Some-college,10, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,298841, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,32, Private,321313, Masters,14, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,64875, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,50, United-States +<=50K,30, Private,275232, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,36, United-States +>50K,53, Self-emp-inc,134854, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Greece +<=50K,41, Private,67339, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,27, State-gov,192355, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,44, Local-gov,208528, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,35, Private,160120, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +<=50K,36, Private,250238, 1st-4th,2, Never-married, Other-service, Other-relative, Other, Female,0,0,40, El-Salvador +>50K,51, Private,25031, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,10, United-States +<=50K,42, Local-gov,255847, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,26892, Bachelors,13, Married-AF-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +<=50K,45, Private,111979, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,55, Private,408537, 9th,5, Divorced, Craft-repair, Unmarried, White, Female,99999,0,37, United-States +<=50K,36, Private,231037, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,57, Federal-gov,30030, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,292120, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Female,0,0,45, United-States +<=50K,62, Private,138253, Masters,14, Never-married, Handlers-cleaners, Not-in-family, White, Male,4650,0,40, United-States +<=50K,29, Private,190777, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Self-emp-not-inc,41591, Bachelors,13, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,29, Private,186733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, ?,78567, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,19, ?,140590, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,30, United-States +<=50K,32, Local-gov,230912, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,4865,0,40, United-States +<=50K,34, Private,176185, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,1741,40, United-States +<=50K,25, Private,182227, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +<=50K,34, Local-gov,205704, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,37, State-gov,24342, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +<=50K,37, Private,138192, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,334676, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,24, Private,177526, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,17, Private,152696, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,35, Private,114765, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,265509, Assoc-voc,11, Separated, Tech-support, Unmarried, Black, Female,0,0,32, United-States +<=50K,29, Private,180758, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,49, Self-emp-not-inc,127921, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,71, ?,177906, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,35, Federal-gov,182898, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,422249, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,222450, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,33, Local-gov,190027, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,18, United-States +>50K,49, Private,281647, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,117963, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,63, ?,319121, 11th,7, Separated, ?, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,225504, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Local-gov,104334, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, El-Salvador +>50K,30, State-gov,48214, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +<=50K,30, Private,145714, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,38240, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,27385, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,10, United-States +<=50K,56, Private,204254, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,45, United-States +<=50K,28, Private,411587, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, Honduras +>50K,43, Private,221172, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,24, United-States +<=50K,46, Private,54190, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,60, Private,93997, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,50, Local-gov,24139, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,65, United-States +>50K,37, Private,112497, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,138907, HS-grad,9, Divorced, Priv-house-serv, Other-relative, Black, Female,0,0,40, United-States +>50K,38, Private,186325, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,38, United-States +<=50K,23, Private,199452, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,59, Private,126677, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,72, Private,107814, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,2329,0,60, United-States +<=50K,47, Local-gov,93618, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,33, United-States +<=50K,29, Private,353352, Assoc-voc,11, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,35, Private,143058, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,24, Private,239663, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,15, United-States +<=50K,22, Private,167615, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,442274, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,149210, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,55, Federal-gov,174533, Bachelors,13, Separated, Other-service, Unmarried, White, Female,0,0,72, ? +<=50K,40, State-gov,50093, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,61, Private,270056, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,58, Self-emp-not-inc,131991, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,72, United-States +<=50K,39, State-gov,126336, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,341117, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,25, Private,108505, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,69, ?,106566, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,74791, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Male,0,0,60, ? +>50K,34, Private,24266, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,45, Private,267967, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, ?,181284, 12th,8, Married-civ-spouse, ?, Husband, Black, Male,0,0,45, United-States +<=50K,28, Private,102533, Some-college,10, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,69757, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,41, State-gov,210094, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,18, State-gov,389147, HS-grad,9, Never-married, Sales, Not-in-family, Black, Female,0,0,30, United-States +>50K,44, Private,210648, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,47, Private,94809, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,36, Local-gov,298717, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,66, Private,236879, Preschool,1, Widowed, Priv-house-serv, Other-relative, White, Female,0,0,40, Guatemala +<=50K,33, Private,170148, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +>50K,39, Local-gov,166497, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,247156, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +>50K,34, Self-emp-not-inc,204052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,122246, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,21, Private,180339, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +>50K,50, Self-emp-inc,155574, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,50, United-States +>50K,30, Private,114912, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,60, United-States +>50K,43, Private,193882, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,112269, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Federal-gov,171928, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,50, Japan +<=50K,50, Private,95435, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1579,65, Canada +>50K,45, Federal-gov,179638, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Self-emp-inc,125892, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,721712, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,15, United-States +>50K,56, Private,197369, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,25, Private,353795, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,3103,0,40, United-States +<=50K,47, Private,334679, Masters,14, Separated, Machine-op-inspct, Unmarried, Asian-Pac-Islander, Female,0,0,42, India +<=50K,23, Private,235853, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,51, Self-emp-not-inc,353281, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,19, Private,203061, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,25, United-States +<=50K,33, Self-emp-not-inc,62932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,118551, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,80, United-States +<=50K,52, Private,99184, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,189674, Some-college,10, Separated, Other-service, Other-relative, Black, Female,0,0,40, United-States +<=50K,34, Private,226883, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, ?,109564, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,26, Self-emp-inc,66872, 12th,8, Married-civ-spouse, Sales, Husband, Other, Male,0,0,98, Dominican-Republic +<=50K,35, Local-gov,268292, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,58, Federal-gov,139290, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,206541, 11th,7, Divorced, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,23, Private,203139, Some-college,10, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,294398, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, Private,386864, 10th,6, Never-married, Other-service, Other-relative, White, Male,0,0,35, Mexico +<=50K,17, Private,369909, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +>50K,56, Private,89922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,45, United-States +<=50K,26, Private,176008, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, State-gov,241506, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,36, United-States +<=50K,45, Self-emp-not-inc,174426, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +>50K,34, Private,167497, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,50, United-States +<=50K,54, Private,292673, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, Mexico +<=50K,51, Local-gov,134808, HS-grad,9, Widowed, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,95763, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,49, Private,83622, Assoc-acdm,12, Separated, Adm-clerical, Not-in-family, White, Female,2597,0,40, United-States +<=50K,21, Private,222490, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,44, Private,29115, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,66638, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,39, Private,53926, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,43739, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,104359, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,124604, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,32, United-States +<=50K,45, Private,114797, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,60, Federal-gov,67320, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Federal-gov,53147, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Male,0,0,40, United-States +<=50K,23, Private,13769, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Amer-Indian-Eskimo, Male,0,0,30, United-States +<=50K,44, Private,202872, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,19, State-gov,149528, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,12, United-States +>50K,37, Private,132879, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,112362, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,38, United-States +>50K,56, Federal-gov,156229, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,44, Private,131650, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,54, United-States +>50K,30, Private,154568, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,36, Vietnam +<=50K,23, Private,132300, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,44, Private,124747, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,3103,0,40, United-States +>50K,38, Private,276559, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,70, United-States +>50K,32, Private,106014, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,5178,0,50, United-States +<=50K,57, Self-emp-not-inc,135134, Masters,14, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +>50K,35, Private,86648, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +>50K,48, Self-emp-not-inc,107231, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,32, Local-gov,113838, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,99, United-States +<=50K,76, Federal-gov,25319, Masters,14, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +<=50K,57, Local-gov,190561, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Female,0,0,30, United-States +<=50K,58, ?,150031, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Private,48343, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,50, Private,211116, 10th,6, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,38, Private,226311, HS-grad,9, Married-AF-spouse, Other-service, Wife, White, Female,0,0,25, United-States +<=50K,53, Private,283743, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,40, United-States +<=50K,59, Self-emp-not-inc,64102, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,234663, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,247880, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,8614,0,40, United-States +<=50K,23, Private,615367, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,163090, Assoc-acdm,12, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,44, Private,192225, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,370183, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,242482, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,169953, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Local-gov,144182, Preschool,1, Never-married, Adm-clerical, Own-child, Black, Female,0,0,25, United-States +>50K,38, Private,125933, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,27828,0,45, United-States +<=50K,26, Private,203777, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,37, United-States +<=50K,39, Private,210991, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,472580, Some-college,10, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,33, State-gov,200289, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,19, India +>50K,43, Private,289669, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,2547,40, United-States +<=50K,30, Private,110622, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, China +>50K,59, State-gov,139616, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,39212, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,51961, Some-college,10, Never-married, Tech-support, Own-child, Black, Male,0,0,24, United-States +<=50K,48, Self-emp-not-inc,117849, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,50748, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,1506,0,35, United-States +<=50K,41, Self-emp-not-inc,170214, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,2179,40, United-States +<=50K,20, Private,151790, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,30, United-States +>50K,49, Private,168211, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, State-gov,117651, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, United-States +<=50K,18, Private,157131, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,8, United-States +>50K,61, Private,225970, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,177951, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +<=50K,66, Private,134130, Bachelors,13, Widowed, Other-service, Not-in-family, White, Male,0,0,12, United-States +<=50K,68, Private,191581, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,3273,0,40, United-States +<=50K,27, Local-gov,199172, HS-grad,9, Married-civ-spouse, Protective-serv, Wife, White, Female,0,0,40, United-States +<=50K,66, Self-emp-not-inc,262552, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,7, United-States +<=50K,28, Private,66434, 10th,6, Never-married, Other-service, Unmarried, White, Female,0,0,15, United-States +<=50K,26, Private,77661, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, ?,230856, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,192835, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,62, ?,181014, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,200445, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,1974,40, United-States +<=50K,26, Self-emp-not-inc,37918, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,60, United-States +<=50K,40, Private,111020, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,244665, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, Honduras +<=50K,52, Private,312477, HS-grad,9, Widowed, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,243493, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,12, United-States +<=50K,39, State-gov,152023, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,104193, HS-grad,9, Never-married, Other-service, Own-child, White, Female,114,0,40, United-States +<=50K,47, Private,170850, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,33, Private,137088, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, Ecuador +<=50K,17, Private,340557, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,26, Private,298225, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,114150, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,194668, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +>50K,33, Private,188246, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,46, Federal-gov,330901, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,80165, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +>50K,48, Private,83444, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,40, United-States +<=50K,29, Self-emp-not-inc,85572, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,5, United-States +<=50K,40, Private,116632, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,139989, Bachelors,13, Never-married, Sales, Own-child, Black, Male,0,0,40, United-States +<=50K,55, Private,135803, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,1579,35, India +>50K,56, Private,75785, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,248612, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,36, Private,28572, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Self-emp-not-inc,31143, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,37, Private,216924, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,44, United-States +<=50K,36, Private,549174, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Self-emp-not-inc,111296, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,50, Mexico +<=50K,25, Private,208881, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,36, State-gov,243666, HS-grad,9, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,37, Self-emp-not-inc,327164, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, ? +>50K,39, Self-emp-inc,131288, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,5178,0,48, United-States +<=50K,35, Private,257416, Assoc-voc,11, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,33, Private,215288, 11th,7, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,31, Private,58582, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,46, United-States +<=50K,49, Private,199378, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,22, United-States +<=50K,34, Self-emp-not-inc,114185, Bachelors,13, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, ? +<=50K,40, Private,137421, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Asian-Pac-Islander, Male,0,0,60, Trinadad&Tobago +<=50K,27, Private,216481, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,196504, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,23, United-States +<=50K,38, Private,357870, 12th,8, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,50, United-States +<=50K,55, State-gov,256335, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,168191, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,70, Italy +<=50K,40, Private,215596, Bachelors,13, Married-spouse-absent, Other-service, Not-in-family, Other, Male,0,0,40, Mexico +<=50K,42, Private,184682, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,0,0,30, United-States +>50K,51, Private,171914, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,288229, Bachelors,13, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,50, Laos +>50K,30, State-gov,144064, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,70, ?,54849, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,40, Private,141583, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,180985, Bachelors,13, Separated, Craft-repair, Unmarried, White, Male,0,0,35, United-States +<=50K,24, Private,148709, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, ?,174626, 7th-8th,4, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,184801, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,52, Private,89054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,147284, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,169973, Assoc-voc,11, Separated, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,222993, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,41099, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,31, Private,33117, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,29, Private,162551, Masters,14, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,49, Private,122066, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,2603,40, Greece +>50K,61, ?,42938, Bachelors,13, Never-married, ?, Not-in-family, White, Male,0,0,7, United-States +>50K,46, Private,389843, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Germany +<=50K,37, Private,138940, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,56, Federal-gov,141877, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,172722, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Self-emp-not-inc,118523, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,227886, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,36, Private,80743, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, South +<=50K,52, Private,199688, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,225823, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,176486, HS-grad,9, Married-spouse-absent, Exec-managerial, Other-relative, White, Female,0,0,60, United-States +<=50K,63, Private,175777, 10th,6, Separated, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,295010, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,437825, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, Peru +<=50K,50, Private,270194, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,41, Private,242089, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,39, Self-emp-inc,117555, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,146499, HS-grad,9, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,48, United-States +<=50K,52, Private,222405, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,2377,40, United-States +<=50K,17, ?,216595, 11th,7, Never-married, ?, Own-child, Black, Female,0,0,20, United-States +<=50K,46, Private,157991, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Female,0,625,40, United-States +<=50K,26, Private,373553, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,42, United-States +<=50K,30, Private,194827, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,23, Private,60331, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, State-gov,96483, Some-college,10, Never-married, Adm-clerical, Own-child, Asian-Pac-Islander, Female,0,0,12, United-States +<=50K,39, Private,211154, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,37, Local-gov,247750, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,204235, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,50, United-States +<=50K,38, Private,197113, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,20, United-States +<=50K,47, Private,178341, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,4064,0,60, United-States +<=50K,20, Private,293297, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,35, Private,35330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, State-gov,202056, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,14084,0,40, United-States +<=50K,32, Private,61898, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,15, United-States +>50K,42, Self-emp-inc,1097453, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,176992, 10th,6, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,27, Private,295289, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +>50K,53, Self-emp-inc,298215, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,28, Self-emp-not-inc,209934, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, Mexico +<=50K,26, Private,164938, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,47, Private,423222, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,124259, Some-college,10, Never-married, Protective-serv, Own-child, Black, Female,0,0,40, United-States +<=50K,70, Self-emp-inc,232871, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,41, State-gov,73199, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,43, State-gov,27661, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,65, Private,461715, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,25, ? +<=50K,40, Self-emp-not-inc,89413, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +>50K,64, Self-emp-not-inc,31826, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,40, Private,279679, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,43, Private,221172, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,50, Federal-gov,222020, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +<=50K,19, ?,181265, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,32, Self-emp-not-inc,261056, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,2174,0,60, ? +<=50K,32, Private,204792, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,384508, 11th,7, Divorced, Sales, Unmarried, White, Male,1506,0,50, Mexico +>50K,41, Private,288568, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,182714, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, England +<=50K,20, Private,471452, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,45, State-gov,264052, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,146659, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,50, United-States +<=50K,24, Private,203027, Assoc-acdm,12, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,218309, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,133625, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,35, Private,45937, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, ?,389850, HS-grad,9, Married-spouse-absent, ?, Unmarried, Black, Male,0,0,50, United-States +<=50K,38, Federal-gov,201617, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Local-gov,114733, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,35, United-States +<=50K,50, State-gov,97778, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,34, Private,149507, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,35, Private,82622, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,48014, Masters,14, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, France +<=50K,61, State-gov,162678, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,213842, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,38, United-States +<=50K,61, Private,221447, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,18, Private,426836, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +>50K,31, Local-gov,206609, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,50276, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, Private,180497, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,35, Private,220585, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,202752, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,43, Private,75993, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +<=50K,18, Private,170544, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,55, Private,115439, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,59, Private,24384, HS-grad,9, Widowed, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,209067, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,65225, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,60, Federal-gov,27466, Some-college,10, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, England +>50K,49, Federal-gov,179869, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,442131, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,61, Private,243283, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,316627, 5th-6th,3, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,63, Private,208862, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Federal-gov,38645, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,141272, Bachelors,13, Never-married, Other-service, Own-child, Black, Female,0,0,30, United-States +<=50K,41, State-gov,29324, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,18, ?,348588, 12th,8, Never-married, ?, Own-child, Black, Male,0,0,25, United-States +>50K,40, Private,124747, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,7298,0,40, United-States +>50K,55, Self-emp-not-inc,477867, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,218361, 10th,6, Never-married, Other-service, Own-child, White, Female,0,1602,12, United-States +<=50K,34, Self-emp-not-inc,156809, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,1504,60, United-States +<=50K,24, Private,267945, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,30, Private,35724, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,29, Private,187188, Masters,14, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Male,0,0,60, United-States +>50K,52, Private,155983, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,57, Federal-gov,414994, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,103474, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,45, United-States +>50K,43, Private,211128, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,61, Private,203445, Some-college,10, Widowed, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,38, Private,38312, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,65, United-States +>50K,51, Private,178241, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,260761, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Mexico +>50K,41, Local-gov,36924, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,292590, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,28, Private,461929, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,59, Private,189664, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, State-gov,190577, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,31, Private,344200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,337494, Assoc-acdm,12, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,48, United-States +<=50K,54, Self-emp-not-inc,52634, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,33, Private,194901, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,2444,42, United-States +<=50K,20, Private,170091, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,27, ?,189399, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,205072, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,35, Private,310290, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, Black, Female,0,0,40, United-States +<=50K,27, Private,134048, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,40, Private,91959, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +<=50K,34, Private,153942, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,34, Local-gov,234096, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,185330, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,25, United-States +<=50K,28, Private,163772, HS-grad,9, Married-civ-spouse, Other-service, Husband, Other, Male,0,0,40, United-States +<=50K,65, Private,83800, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,27, United-States +<=50K,61, Private,139391, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,16, United-States +<=50K,18, Private,478380, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +>50K,35, Self-emp-inc,186845, Bachelors,13, Married-civ-spouse, Sales, Own-child, White, Male,5178,0,50, United-States +<=50K,45, Private,262802, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,68, ?,152157, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,25, Private,114483, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,118023, Prof-school,15, Divorced, Sales, Not-in-family, White, Male,0,0,13, United-States +<=50K,19, Private,220101, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,219424, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,50, United-States +>50K,54, Private,186117, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,47, Self-emp-not-inc,479611, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,80312, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,4865,0,40, United-States +<=50K,30, Private,108386, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,67, ?,125926, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,35, Private,177102, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,190762, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,18, United-States +<=50K,61, Private,180632, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,88019, HS-grad,9, Divorced, Other-service, Unmarried, White, Male,0,0,32, United-States +>50K,50, Private,135339, 12th,8, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +<=50K,32, Private,100662, 9th,5, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Columbia +<=50K,34, Private,183557, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,25, United-States +<=50K,36, Private,160035, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,50, Private,306790, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,269246, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,308334, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,19, United-States +<=50K,58, Private,215190, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +<=50K,27, Private,419146, 5th-6th,3, Never-married, Other-service, Not-in-family, White, Male,0,0,75, Mexico +<=50K,62, Private,176839, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,38, United-States +>50K,36, Self-emp-inc,184456, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,27828,0,55, United-States +<=50K,21, Local-gov,309348, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,594,0,4, United-States +<=50K,41, Private,56795, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, England +<=50K,28, Private,201861, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,179509, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,54, Private,291755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,243941, Some-college,10, Never-married, Sales, Own-child, Amer-Indian-Eskimo, Female,0,1721,25, United-States +<=50K,76, Self-emp-not-inc,117169, 7th-8th,4, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,25, ?,100903, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +>50K,34, Private,159322, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,262872, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,187052, 11th,7, Never-married, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,17, Private,277583, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +<=50K,55, Private,169071, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Local-gov,96190, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,61603, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, Mexico +<=50K,44, Private,43711, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,48, United-States +<=50K,65, ?,197883, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,70, United-States +>50K,54, Private,99434, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,177639, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,201723, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,26, Private,222248, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,39, Private,86143, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,46, ?,228620, 11th,7, Widowed, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,346034, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, El-Salvador +<=50K,59, Private,87510, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,37932, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +>50K,34, Private,185063, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +>50K,62, ?,125493, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,5178,0,40, Scotland +<=50K,51, Private,159755, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,34, Private,108837, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,110669, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,21, ?,220115, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,30, Self-emp-not-inc,45427, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +<=50K,38, Private,154669, HS-grad,9, Separated, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,45, Private,261278, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,5178,0,40, Philippines +<=50K,23, Private,71864, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +>50K,34, Private,173495, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,254293, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,111883, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,50, Private,146429, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,472807, 1st-4th,2, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,52, Mexico +>50K,28, Private,285294, Bachelors,13, Married-civ-spouse, Sales, Wife, Black, Female,15024,0,45, United-States +<=50K,23, Private,184665, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,35, Private,205852, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,83879, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,27, Private,178564, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,46, Self-emp-inc,168796, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,269444, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,47353, 10th,6, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,29254, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,155343, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,234271, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,30, Private,257849, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,228230, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,47, United-States +<=50K,36, Private,227615, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,32, Mexico +<=50K,29, Private,406826, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,50, Self-emp-not-inc,27539, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,40, United-States +<=50K,19, Private,97261, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,232022, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,52, Federal-gov,168539, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,515797, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,351381, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,161018, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,60, Private,26721, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,164123, 11th,7, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,98418, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,29814, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,50, United-States +<=50K,25, Private,254613, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, Cuba +<=50K,49, Private,207677, 7th-8th,4, Divorced, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,25, Self-emp-not-inc,217030, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,50, Private,171199, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,198270, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,43, United-States +<=50K,28, ?,131310, HS-grad,9, Separated, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,79923, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +<=50K,40, Self-emp-inc,475322, Bachelors,13, Separated, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,56, Private,134286, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,56, Self-emp-not-inc,73746, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,125525, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,42, United-States +<=50K,38, ?,155676, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,304949, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,10, United-States +<=50K,67, Private,150516, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,24, United-States +<=50K,54, State-gov,249096, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,164127, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,59, Private,304779, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,157043, 11th,7, Widowed, Handlers-cleaners, Unmarried, Black, Female,0,0,40, United-States +<=50K,30, Private,396538, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,29, United-States +>50K,42, Private,510072, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,200017, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,61, ?,60641, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,89326, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,200471, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,4064,0,40, United-States +>50K,78, Self-emp-not-inc,82815, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,3, United-States +<=50K,24, Self-emp-not-inc,117210, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,27, Private,202206, 11th,7, Separated, Farming-fishing, Other-relative, White, Male,0,0,40, Puerto-Rico +>50K,51, Private,123429, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,46, Private,353512, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,26683, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,204641, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,225053, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, ?,98776, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,263932, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,30, Private,108247, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,31, Self-emp-not-inc,369648, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,339324, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,96, United-States +>50K,59, ?,145574, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,53, Private,317313, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,24, Local-gov,162919, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,186314, Some-college,10, Separated, Prof-specialty, Own-child, White, Male,0,0,54, United-States +<=50K,36, Private,254202, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +>50K,39, Private,108140, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,287317, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, Black, Male,0,0,32, United-States +>50K,75, Self-emp-inc,81534, HS-grad,9, Widowed, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,35, United-States +>50K,36, Private,35945, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Self-emp-inc,204928, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-inc,208809, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,29, Private,133625, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,60, Private,71683, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,49, United-States +<=50K,58, Private,570562, HS-grad,9, Widowed, Sales, Not-in-family, White, Male,0,0,38, United-States +<=50K,67, Self-emp-not-inc,36876, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +>50K,35, Private,253006, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,38, United-States +<=50K,39, Self-emp-not-inc,50096, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,37, Private,336880, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,54, ?,135840, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,63, Self-emp-not-inc,168048, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,187969, 11th,7, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,23, Private,117363, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,55, Private,256526, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,4865,0,45, United-States +<=50K,49, Private,304416, 11th,7, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +>50K,39, Private,248011, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,23, Private,229826, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,159796, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +>50K,44, Private,165346, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,25386, Assoc-voc,11, Never-married, Other-service, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Private,491000, Assoc-voc,11, Divorced, Prof-specialty, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Local-gov,247731, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, Cuba +<=50K,48, Private,180532, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,189462, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,2176,0,40, United-States +<=50K,44, Private,419134, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,170166, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,25, United-States +<=50K,33, Self-emp-not-inc,173495, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,423024, 12th,8, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,24, Private,72119, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,2202,0,30, United-States +>50K,32, Local-gov,19302, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, England +<=50K,24, State-gov,257621, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,44, Self-emp-inc,118212, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,70, United-States +<=50K,27, Private,259840, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,39, Private,115289, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, France +<=50K,26, Local-gov,159662, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,34, Private,379798, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,227945, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,65, United-States +>50K,41, State-gov,36999, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,75, United-States +<=50K,73, ?,131982, Bachelors,13, Married-civ-spouse, ?, Husband, Asian-Pac-Islander, Male,0,0,5, Vietnam +<=50K,32, Self-emp-inc,124052, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,56, Local-gov,273084, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,59, Private,170104, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +>50K,44, Private,96249, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,35, Private,140915, Bachelors,13, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,1590,40, South +<=50K,52, Private,230657, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,3781,0,40, Columbia +<=50K,30, Private,195576, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,3325,0,50, United-States +<=50K,23, Private,117767, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,43, Private,112763, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,8614,0,43, United-States +<=50K,61, Private,79827, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,103925, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,68, Private,161744, 10th,6, Married-civ-spouse, Sales, Husband, White, Male,0,0,16, United-States +>50K,41, Private,106679, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,27828,0,50, United-States +<=50K,42, Self-emp-not-inc,196514, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, ?,61985, 9th,5, Separated, ?, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,19, Private,157605, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,137367, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,40, Self-emp-inc,110862, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2377,50, United-States +<=50K,32, Private,74883, Bachelors,13, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,51, Self-emp-inc,98642, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,14084,0,40, United-States +>50K,44, Local-gov,144778, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,177787, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,30, England +<=50K,30, ?,103651, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,162108, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,217602, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,473133, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,113301, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, ? +>50K,61, Private,80896, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, India +<=50K,30, Local-gov,168387, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,38950, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,107801, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,49, Private,191277, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,205359, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,39, ?,240226, HS-grad,9, Married-civ-spouse, ?, Husband, Black, Male,0,0,40, United-States +<=50K,34, Private,203357, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +>50K,52, Local-gov,153064, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,202959, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,105150, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,19, Private,238474, 11th,7, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,1085515, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,25, Private,82560, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,43, United-States +<=50K,71, Private,55965, 7th-8th,4, Widowed, Transport-moving, Not-in-family, White, Male,0,0,10, United-States +<=50K,27, Private,161087, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +<=50K,28, Private,261278, Assoc-voc,11, Never-married, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +>50K,54, Private,182187, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, Black, Male,15024,0,38, Jamaica +<=50K,18, Private,138917, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,10, United-States +<=50K,49, Private,200198, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,205359, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,25, United-States +<=50K,57, Private,250201, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,50, United-States +>50K,56, Federal-gov,67153, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Portugal +<=50K,17, Private,244523, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,30, Private,236599, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,108713, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,177147, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,129246, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,50, ?,222381, Some-college,10, Divorced, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,145111, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,44, Private,62258, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, State-gov,108293, Masters,14, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,61, ?,167284, 7th-8th,4, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,25, Private,97789, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,34, Private,111415, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +<=50K,38, Private,374524, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,287244, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,17, ?,341395, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,20, United-States +<=50K,48, Private,278039, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,38, Private,98360, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,52, Private,317032, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,55, State-gov,294395, Assoc-voc,11, Widowed, Prof-specialty, Unmarried, White, Female,6849,0,40, United-States +<=50K,41, Self-emp-not-inc,240900, HS-grad,9, Divorced, Farming-fishing, Other-relative, White, Male,0,0,20, United-States +<=50K,45, Private,32896, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,35, United-States +<=50K,49, Private,97411, 7th-8th,4, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,45, Laos +<=50K,19, Private,72355, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +<=50K,39, Private,342448, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,43, Private,187702, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,2174,0,45, United-States +<=50K,42, Private,303388, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,17, Private,112291, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,12, United-States +<=50K,30, Private,208668, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,25, United-States +<=50K,61, Local-gov,28375, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,70, United-States +>50K,48, Private,207277, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,60, ?,88675, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,57, Private,47857, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,372500, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, Mexico +<=50K,24, Private,190968, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +>50K,41, Private,37997, 12th,8, Divorced, Transport-moving, Not-in-family, White, Male,0,0,84, United-States +<=50K,42, Private,257328, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,34, Private,127610, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,22, ?,139324, 9th,5, Never-married, ?, Unmarried, Black, Female,0,0,36, United-States +<=50K,47, Private,164423, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,43, United-States +<=50K,50, Private,104501, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,1980,40, United-States +<=50K,30, Private,56121, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,296212, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,31, Private,157640, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,44, Private,222504, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,45, United-States +<=50K,34, Private,261023, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1651,38, United-States +>50K,52, Private,146567, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,34, Private,116910, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,132601, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,68, Private,185537, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,500720, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, Mexico +<=50K,42, Private,182108, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Private,231491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,36, Self-emp-not-inc,239415, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,38, Private,179262, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,72, Without-pay,121004, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, United-States +<=50K,40, Private,252392, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,19, Private,163578, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +>50K,55, Private,143266, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Hungary +<=50K,30, Private,285902, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,113094, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Female,0,1092,40, United-States +>50K,29, Private,278637, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,3103,0,45, United-States +<=50K,41, Private,174540, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,4, United-States +<=50K,29, Private,188729, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,24, Private,72143, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +>50K,46, Self-emp-not-inc,328216, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +>50K,44, Private,165815, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,317702, 10th,6, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,35, Private,215323, Assoc-voc,11, Divorced, Other-service, Unmarried, White, Female,0,0,35, United-States +<=50K,38, Private,192939, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,36, Private,156352, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,155066, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,38, Self-emp-not-inc,152621, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,19, Private,298891, 11th,7, Never-married, Sales, Not-in-family, White, Female,0,0,40, Honduras +<=50K,30, Private,193298, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,36, Local-gov,150309, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,27, Private,384308, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +>50K,27, Private,305647, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,66, ?,182378, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,30, United-States +>50K,65, Federal-gov,23494, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,2174,40, United-States +>50K,37, Private,421633, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,17, Private,57723, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,30, United-States +<=50K,19, ?,307837, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,57, Private,103540, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,50, United-States +<=50K,54, Self-emp-not-inc,136224, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,21, Private,231573, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,242804, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,163671, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Private,287701, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,48, United-States +>50K,31, Private,187560, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,41, Private,222504, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Female,0,0,38, United-States +<=50K,20, Private,41356, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,59335, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,15, United-States +<=50K,62, Private,84756, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,41, Private,407425, 12th,8, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,40, United-States +<=50K,37, Private,162424, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Self-emp-not-inc,175456, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +>50K,28, Private,52603, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,250630, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,233974, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,28, Private,376302, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,45, United-States +<=50K,50, Private,195638, 10th,6, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,225775, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, Mexico +<=50K,84, Private,388384, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,10, United-States +>50K,48, Self-emp-not-inc,219021, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,61, Self-emp-not-inc,168654, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,20, United-States +<=50K,44, Private,180609, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,42, United-States +<=50K,32, Private,114746, HS-grad,9, Separated, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Female,0,0,60, South +<=50K,25, Private,178037, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,47, State-gov,160045, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,268524, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,37, Private,174844, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,17, United-States +<=50K,28, Private,82488, HS-grad,9, Divorced, Tech-support, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,34, Private,221167, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,32, Self-emp-not-inc,48014, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,24, Private,217226, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,22, ?,177902, Some-college,10, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,25, United-States +<=50K,30, Private,39386, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,99, United-States +<=50K,56, Private,37394, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,30, Private,115426, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,114158, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,26, United-States +>50K,40, Private,119101, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,68, United-States +<=50K,28, Private,360527, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,39, Private,225544, 12th,8, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,108438, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,230315, Some-college,10, Never-married, Other-service, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Dominican-Republic +<=50K,32, Private,158002, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,55, Ecuador +<=50K,37, Private,179468, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,71, Private,99894, 5th-6th,3, Widowed, Priv-house-serv, Not-in-family, Asian-Pac-Islander, Female,0,0,75, United-States +>50K,30, Private,270889, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,42279, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,53, Federal-gov,167380, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1740,50, United-States +<=50K,42, Private,274913, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,45, United-States +>50K,44, Private,35910, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,56, United-States +<=50K,26, Private,68001, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,27162, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,16, United-States +<=50K,37, Self-emp-not-inc,286146, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Local-gov,95462, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,50103, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,54, Private,511668, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,43, United-States +>50K,38, Self-emp-inc,189679, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,115064, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, State-gov,215443, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,38, United-States +<=50K,32, Private,174789, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,50, United-States +<=50K,24, Private,91999, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,20, United-States +>50K,59, Federal-gov,100931, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,56, Self-emp-not-inc,119069, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,277488, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,84, United-States +>50K,35, Private,265662, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,38, Private,114591, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,40, United-States +<=50K,24, Private,227594, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +>50K,30, Private,129707, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1848,40, United-States +<=50K,61, ?,175032, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,133569, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,20, Local-gov,308654, Some-college,10, Never-married, Protective-serv, Own-child, Asian-Pac-Islander, Female,0,0,20, United-States +<=50K,36, Private,156084, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,45, Federal-gov,380127, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,210781, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,31, Private,189759, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,2001,40, United-States +<=50K,34, Private,258675, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,223367, 11th,7, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,42, ?,204817, 9th,5, Never-married, ?, Own-child, Black, Male,0,0,35, United-States +<=50K,23, Private,409230, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,25, United-States +>50K,46, Federal-gov,308077, Prof-school,15, Separated, Prof-specialty, Unmarried, White, Female,0,0,40, Germany +>50K,60, Private,159049, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, Germany +<=50K,40, Private,353142, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,55, Private,143030, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,304857, Masters,14, Separated, Tech-support, Not-in-family, White, Male,27828,0,40, United-States +<=50K,28, Private,30912, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,43, United-States +>50K,55, Private,125000, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,47, Private,181363, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,54, Private,338620, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +<=50K,32, Private,115989, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +>50K,38, Private,111128, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,201273, Some-college,10, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Self-emp-inc,137354, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, South +<=50K,29, Private,133420, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,26, Private,192208, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,32, United-States +<=50K,19, Private,220001, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,50, United-States +<=50K,40, Private,352612, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,169426, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,319016, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,2885,0,45, United-States +<=50K,55, Private,119751, Masters,14, Never-married, Prof-specialty, Other-relative, Asian-Pac-Islander, Female,0,0,40, Thailand +<=50K,55, Private,202220, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,2407,0,35, United-States +>50K,43, Self-emp-not-inc,99220, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,111275, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Federal-gov,261241, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,261725, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,36, Private,182013, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,40666, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,216461, Some-college,10, Divorced, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,60, Private,320376, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,282951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,36, State-gov,166697, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,51, Private,290856, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,455361, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, Guatemala +<=50K,51, Private,82783, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,56536, 11th,7, Never-married, Sales, Own-child, White, Female,1055,0,18, India +<=50K,33, Self-emp-not-inc,109959, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,50, Private,177927, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +>50K,38, Private,192337, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,236272, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,26, Private,33610, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,209483, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,47, United-States +<=50K,26, Private,247006, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, United-States +>50K,30, Local-gov,311913, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,39, ?,204756, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,33, Local-gov,300681, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,42, State-gov,24264, Some-college,10, Divorced, Transport-moving, Unmarried, White, Male,0,0,38, United-States +<=50K,28, Private,266070, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,20, Private,226978, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,66, Local-gov,362165, Bachelors,13, Widowed, Prof-specialty, Not-in-family, Black, Female,0,2206,25, United-States +<=50K,31, Private,341672, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, India +<=50K,36, Private,179488, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, Canada +>50K,39, Federal-gov,243872, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,259583, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,61, Private,159822, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, Poland +<=50K,27, Private,219863, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,206947, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,21, Private,245572, 9th,5, Never-married, Other-service, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,25, Private,38488, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,182504, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,38, Private,193815, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, Italy +<=50K,51, ?,521665, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +>50K,29, Private,46442, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1902,50, United-States +<=50K,45, Private,60267, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,59, Private,264357, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,41, Private,191814, HS-grad,9, Married-civ-spouse, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,107882, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,43, Private,174575, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +<=50K,17, Private,143331, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +>50K,32, Private,126132, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,42, Private,198619, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,68, Private,211287, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2392,40, United-States +>50K,55, Federal-gov,238192, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,1887,40, United-States +<=50K,43, Private,257780, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,61, Private,183355, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,148429, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,71221, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,60, United-States +<=50K,21, Self-emp-not-inc,236769, 7th-8th,4, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,32146, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,347491, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,1876,46, United-States +<=50K,34, Private,180714, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,2179,40, United-States +<=50K,57, ?,188877, 9th,5, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,306747, Bachelors,13, Divorced, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,21, State-gov,478457, Some-college,10, Never-married, Other-service, Own-child, Black, Female,0,0,12, United-States +<=50K,25, Private,248990, 5th-6th,3, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, Mexico +>50K,51, Self-emp-inc,46281, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,148015, Bachelors,13, Never-married, Sales, Own-child, Black, Female,0,0,40, United-States +<=50K,19, Private,278115, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +>50K,27, Private,190525, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +<=50K,34, Private,176673, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,35, United-States +<=50K,33, ?,202366, HS-grad,9, Divorced, ?, Unmarried, White, Female,0,0,32, United-States +<=50K,36, Private,238415, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,33, Self-emp-not-inc,37939, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,60, Self-emp-not-inc,35649, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,383493, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,47, Federal-gov,204900, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,40, United-States +>50K,42, Private,20809, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,75, United-States +>50K,34, Private,148207, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,21, Private,200153, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +>50K,30, Private,169496, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,15, United-States +>50K,53, Private,22978, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,34, Private,366898, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Germany +<=50K,37, Private,324947, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,321577, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,31, Private,241360, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,207564, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,33, Private,220860, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,41, Local-gov,336571, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,56402, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,65, Private,180280, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,30, Private,81282, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,86332, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,4064,0,55, United-States +<=50K,30, Local-gov,27051, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,287647, Masters,14, Divorced, Sales, Not-in-family, White, Male,4787,0,45, United-States +<=50K,37, Self-emp-not-inc,183735, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137,0,30, United-States +<=50K,42, Private,100800, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,62, Private,155094, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,45, United-States +<=50K,67, ?,102693, HS-grad,9, Widowed, ?, Not-in-family, White, Male,1086,0,35, United-States +>50K,31, Private,151053, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +>50K,50, Private,548361, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,173858, Bachelors,13, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,40, India +<=50K,27, Private,347153, Some-college,10, Never-married, Transport-moving, Other-relative, White, Male,0,0,40, United-States +>50K,31, Private,319146, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,40, Mexico +<=50K,35, Private,197719, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,55, Private,197114, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,6, United-States +>50K,54, Self-emp-not-inc,109418, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1977,35, United-States +>50K,56, Private,182062, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +<=50K,21, Private,184543, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,175558, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,20, Germany +<=50K,46, Private,122026, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,340543, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,43, Private,101950, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,40, Private,179508, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,52, Private,225317, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,59, Local-gov,53304, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,36, Local-gov,282602, Assoc-voc,11, Separated, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Private,184016, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,250165, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,196467, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,59, ?,220783, 10th,6, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,178780, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,62, Private,65868, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,43, United-States +<=50K,54, Private,35459, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,98986, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,36, Private,282092, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,140764, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,45, United-States +<=50K,30, Private,33124, HS-grad,9, Separated, Farming-fishing, Unmarried, White, Female,0,0,14, United-States +>50K,46, Private,90042, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,102986, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +<=50K,21, Private,214387, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,64, United-States +<=50K,39, Private,180667, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,278329, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,32, Private,184440, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3464,0,40, United-States +<=50K,23, Private,140462, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,202565, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Italy +<=50K,62, ?,181063, 10th,6, Widowed, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,28, Private,287268, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,28, Private,215955, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,82552, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,41745, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,73587, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,35, United-States +<=50K,54, Private,263925, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,196119, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,27, Private,284741, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,30, Private,293936, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,50, ? +<=50K,35, Private,340428, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,66, ?,175891, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,19, Local-gov,276973, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,20, United-States +>50K,30, Private,161599, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,144064, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,236391, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,224943, Assoc-voc,11, Never-married, Sales, Other-relative, Black, Male,0,0,65, United-States +<=50K,44, Private,151294, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,25, United-States +>50K,52, Private,68982, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,30, Private,241885, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,189461, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,60, United-States +<=50K,19, Self-emp-not-inc,36012, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,33, Private,85355, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,157595, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,197286, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,362747, Some-college,10, Never-married, Other-service, Not-in-family, Black, Female,0,0,35, United-States +<=50K,24, Private,395297, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,31, Self-emp-not-inc,144949, Bachelors,13, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,20, ?,163665, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,32, Private,141490, Assoc-voc,11, Divorced, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,29, Private,147889, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,61, Private,232808, 10th,6, Divorced, Other-service, Not-in-family, White, Male,0,0,24, United-States +<=50K,48, Private,70668, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,50, United-States +<=50K,29, Federal-gov,33315, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,61, ?,63526, 12th,8, Never-married, ?, Not-in-family, Black, Male,0,0,52, United-States +<=50K,34, Private,591711, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,48, ? +<=50K,22, Private,200318, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,15, United-States +<=50K,32, Private,97723, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,40, United-States +<=50K,38, Private,109231, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,102889, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,26, Private,167106, HS-grad,9, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Hong +>50K,35, Private,182898, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,8614,0,40, United-States +<=50K,62, Private,197918, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,67386, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,50, Private,126592, HS-grad,9, Separated, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +>50K,34, Private,49469, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,99999,0,50, United-States +<=50K,37, Self-emp-not-inc,119929, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,158199, 1st-4th,2, Widowed, Machine-op-inspct, Unmarried, White, Female,0,0,44, Portugal +<=50K,35, Private,341102, 9th,5, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,55, Private,101524, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,40, Private,202872, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,195201, HS-grad,9, Married-civ-spouse, Sales, Husband, Other, Male,0,0,50, United-States +<=50K,51, Private,128272, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,37, Private,263094, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +>50K,54, Self-emp-inc,357596, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,55, United-States +>50K,47, Local-gov,102628, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,171114, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,216414, Assoc-voc,11, Married-spouse-absent, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,127753, 12th,8, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,19, Private,282698, 7th-8th,4, Never-married, Adm-clerical, Own-child, White, Male,0,0,80, United-States +>50K,35, Private,139364, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,36, Local-gov,312785, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Male,0,0,35, United-States +<=50K,18, Private,92864, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,46, Local-gov,175428, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,104223, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,29, Private,144784, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,65, Private,178934, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,20, Jamaica +>50K,41, Private,211253, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,34, Private,133122, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,103540, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,39, State-gov,172700, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,21, Private,282484, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,31, Private,323055, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,33, State-gov,291494, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,214702, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,116055, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,2977,0,35, United-States +>50K,32, Private,226696, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,31, Private,216827, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Self-emp-not-inc,153132, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +>50K,48, Private,307440, Bachelors,13, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,45, Philippines +<=50K,27, Private,278122, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,45, Private,122195, HS-grad,9, Widowed, Craft-repair, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Self-emp-not-inc,156890, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,36877, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,10, United-States +<=50K,25, Private,131178, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,23, United-States +>50K,34, Self-emp-inc,62396, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,62, United-States +<=50K,33, Private,73054, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,96844, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,20, United-States +<=50K,22, Private,324922, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,130684, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,40, Private,178983, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,58, Private,81038, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,12, United-States +<=50K,30, Private,151967, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,58, United-States +<=50K,24, Private,278107, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,52, Self-emp-not-inc,183146, 12th,8, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Private,183638, HS-grad,9, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,247892, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,30, United-States +<=50K,22, Private,221480, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,32, Private,118551, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, ? +<=50K,21, Private,518530, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,193787, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,50, United-States +<=50K,34, Self-emp-inc,157466, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +>50K,48, Private,141511, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,61, ?,158712, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,99, United-States +<=50K,21, Private,252253, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,20, Private,200450, 7th-8th,4, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,52, United-States +>50K,30, State-gov,343789, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,44, Private,277647, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,44, Private,291566, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,60, United-States +<=50K,29, Private,151382, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,221167, Prof-school,15, Divorced, Tech-support, Not-in-family, White, Female,0,0,35, United-States +<=50K,35, Private,196178, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,302422, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,37379, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,37, Self-emp-not-inc,82540, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,33, Self-emp-not-inc,182926, Bachelors,13, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, ? +<=50K,44, Private,159911, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,55, United-States +>50K,34, Private,212781, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Local-gov,207213, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,5, United-States +<=50K,30, Private,200192, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,45, United-States +<=50K,41, Local-gov,180096, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,192812, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,105908, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,70, United-States +<=50K,48, Private,373366, 1st-4th,2, Married-civ-spouse, Farming-fishing, Husband, White, Male,3781,0,50, Mexico +<=50K,26, State-gov,234190, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,20, United-States +>50K,32, Private,260868, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,109097, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +>50K,36, Private,171393, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,55, United-States +<=50K,49, Private,209146, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, ?,289046, HS-grad,9, Divorced, ?, Not-in-family, Black, Male,0,1741,40, United-States +>50K,54, Private,172281, Masters,14, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,73023, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,55, United-States +<=50K,41, Private,122626, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,48, United-States +<=50K,27, Private,113635, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +>50K,68, ?,257269, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,2377,35, United-States +<=50K,21, ?,191806, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,75, United-States +<=50K,56, ?,35723, HS-grad,9, Divorced, ?, Own-child, White, Male,0,0,40, United-States +<=50K,40, Self-emp-not-inc,30759, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,105327, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, ?,376058, 9th,5, Never-married, ?, Own-child, White, Female,0,0,45, United-States +<=50K,43, Private,219307, 9th,5, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,46, Private,208067, HS-grad,9, Divorced, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,78631, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +<=50K,19, Private,210308, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +>50K,67, Local-gov,190661, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,7896,0,50, United-States +<=50K,31, Private,594187, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,27, Private,228476, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,126613, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,30267, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,216811, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,16, United-States +>50K,62, Local-gov,115763, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,31, Local-gov,199368, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,50, United-States +>50K,52, Private,159755, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,39, Self-emp-not-inc,188335, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,417668, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +>50K,55, ?,141807, HS-grad,9, Never-married, ?, Not-in-family, White, Male,13550,0,40, United-States +<=50K,38, Private,296317, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,164898, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,452406, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,15, United-States +<=50K,27, Private,42696, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,262994, Some-college,10, Divorced, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,43, State-gov,167298, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,51, Private,103529, 11th,7, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,47, Private,97883, Bachelors,13, Widowed, Priv-house-serv, Unmarried, White, Female,25236,0,35, United-States +>50K,49, State-gov,269417, Doctorate,16, Never-married, Exec-managerial, Not-in-family, White, Female,0,2258,50, United-States +>50K,34, Private,199539, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,19, ?,39460, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,60, United-States +>50K,79, Federal-gov,62176, Doctorate,16, Widowed, Exec-managerial, Not-in-family, White, Male,0,0,6, United-States +<=50K,28, State-gov,239130, Some-college,10, Divorced, Other-service, Unmarried, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,151089, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,331611, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +<=50K,31, Self-emp-not-inc,203463, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,151518, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Self-emp-inc,39844, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,32, Private,299635, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, Germany +<=50K,67, Private,123393, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,32, Private,209538, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,35, Self-emp-not-inc,238802, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,499197, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,200220, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,114059, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,434430, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,185385, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,24, United-States +<=50K,22, Private,225156, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,377931, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,48, United-States +<=50K,27, ?,133359, Bachelors,13, Married-spouse-absent, ?, Not-in-family, White, Male,0,0,50, ? +<=50K,28, Private,226891, Some-college,10, Never-married, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,30, ? +<=50K,32, Private,201988, Prof-school,15, Married-civ-spouse, Sales, Husband, White, Male,4508,0,40, ? +>50K,40, Private,287008, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,55, Germany +<=50K,23, Private,151910, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Female,0,1719,40, United-States +<=50K,25, Private,231714, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,44, Self-emp-inc,178510, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,2258,60, United-States +>50K,43, Private,178866, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +>50K,31, Private,110643, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,55, United-States +<=50K,33, Private,148261, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,217902, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,77207, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,32, ?,377017, Assoc-acdm,12, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,78, Private,184759, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,1797,0,15, United-States +>50K,64, Self-emp-inc,80333, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Private,265086, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,55, ?,102058, 12th,8, Widowed, ?, Not-in-family, White, Male,0,0,30, United-States +<=50K,20, Private,333843, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,35, Private,296478, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,27, Local-gov,116662, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,353298, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,99999,0,50, United-States +<=50K,42, Private,142424, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Local-gov,200808, 12th,8, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, Puerto-Rico +<=50K,29, Private,119052, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,168981, 1st-4th,2, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,44, Private,151780, Some-college,10, Widowed, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,70, Private,237065, 5th-6th,3, Widowed, Other-service, Other-relative, White, Female,2346,0,40, ? +<=50K,25, Private,509866, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,78, United-States +<=50K,24, State-gov,249385, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Female,0,0,10, United-States +<=50K,42, State-gov,109462, Bachelors,13, Divorced, Adm-clerical, Unmarried, Black, Female,2977,0,40, United-States +>50K,53, Private,250034, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,50, United-States +<=50K,39, Private,249720, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +<=50K,72, Self-emp-not-inc,258761, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-inc,64048, 9th,5, Never-married, Sales, Own-child, White, Female,0,0,44, Portugal +<=50K,25, State-gov,153534, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,37, Private,193815, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,255582, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,204527, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Self-emp-not-inc,159938, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,24, Italy +>50K,29, Self-emp-not-inc,229341, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Private,128143, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,175479, 5th-6th,3, Never-married, Other-service, Unmarried, White, Female,0,0,40, Mexico +<=50K,18, Private,301814, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,20, Private,238917, 11th,7, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,32, Mexico +<=50K,32, Private,205581, Some-college,10, Separated, Tech-support, Unmarried, White, Female,0,0,50, United-States +<=50K,45, Private,340341, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Private,147860, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,0,40, United-States +<=50K,20, ?,121023, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,23, Private,259496, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +>50K,34, Federal-gov,190228, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1902,48, United-States +>50K,43, Private,180599, Bachelors,13, Separated, Exec-managerial, Unmarried, White, Male,8614,0,40, United-States +>50K,44, Private,116358, Bachelors,13, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,180446, Some-college,10, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,40, United-States +<=50K,47, Private,264244, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,46, Local-gov,197988, 1st-4th,2, Never-married, Other-service, Not-in-family, Amer-Indian-Eskimo, Female,0,0,20, United-States +<=50K,19, Private,206599, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,313146, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,99212, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,37, Private,340599, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Private,62932, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,44861, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,53893, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,53, Self-emp-inc,152810, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,45, United-States +<=50K,47, Local-gov,128401, Doctorate,16, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,28, Private,336951, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,60, Self-emp-not-inc,95445, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3137,0,46, United-States +<=50K,43, Private,54611, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-not-inc,315984, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,50, United-States +<=50K,28, Private,210313, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +<=50K,19, Private,181020, 11th,7, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,30, United-States +>50K,51, Self-emp-not-inc,120781, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Other, Male,99999,0,70, India +<=50K,19, Private,256979, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,35, United-States +>50K,64, Private,47298, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,44, Private,125461, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,209955, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,48, United-States +<=50K,33, Private,182246, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,63, Private,76860, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,44, ?,91949, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,44, Local-gov,136986, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,35, United-States +<=50K,28, Federal-gov,183445, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,0,70, Puerto-Rico +<=50K,24, Private,130741, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,20, Federal-gov,191878, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,21, ?,233923, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,24, United-States +<=50K,20, Private,48121, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,304302, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,34, Federal-gov,284703, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,52, United-States +<=50K,17, Private,401198, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,35, Private,243357, 11th,7, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,32276, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,110538, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,25, Private,257310, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Self-emp-not-inc,411950, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,52, Local-gov,392668, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,52498, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +>50K,36, Private,223433, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,37, Private,87076, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,58, Private,224854, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,193379, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,54, Private,98436, Masters,14, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,42, ?,116632, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,60, United-States +>50K,65, Self-emp-inc,210381, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,65, United-States +<=50K,44, Private,90688, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,45, Laos +<=50K,61, Private,229744, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, El-Salvador +<=50K,29, Private,59732, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,34, Private,192900, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,90046, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, Canada +>50K,40, Private,272960, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,42, United-States +>50K,42, Self-emp-inc,152071, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Cuba +<=50K,50, Private,301583, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,171964, HS-grad,9, Never-married, ?, Own-child, White, Female,0,1602,20, United-States +<=50K,49, Private,315984, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,241962, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,131591, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,45, United-States +<=50K,70, Self-emp-inc,207938, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,5, United-States +>50K,51, Private,53197, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,121023, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,287229, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,22, Private,163911, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,31, Private,191834, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,204734, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,220978, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,39, Private,365739, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,50103, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,283293, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,38, Self-emp-not-inc,194534, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,99999,0,60, United-States +<=50K,19, Private,263338, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,36, ?,504871, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,348592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,44, United-States +>50K,28, Private,173944, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,226135, 9th,5, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,32, Private,172375, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +>50K,57, Self-emp-inc,127728, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,47, Private,347025, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,191335, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,21, Private,247779, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,38, United-States +>50K,25, State-gov,262664, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,95855, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,74501, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,245317, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,29059, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,2754,25, United-States +<=50K,56, Private,200316, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,35, Private,198341, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,59, Private,100453, 7th-8th,4, Separated, Other-service, Own-child, Black, Female,0,0,38, United-States +>50K,44, Self-emp-not-inc,343190, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,55, United-States +<=50K,47, Private,235683, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,83237, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,64, Private,88470, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,198801, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,53, Private,168107, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,196193, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +<=50K,30, ?,205418, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,46, Private,695411, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,44, United-States +>50K,45, Self-emp-inc,139268, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Federal-gov,192771, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,59, Self-emp-inc,122390, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,48, United-States +>50K,65, Self-emp-inc,184965, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,23, Private,180837, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +<=50K,33, Private,159548, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,38, United-States +<=50K,34, Private,110554, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,35, United-States +<=50K,38, Private,103474, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,62, Private,178249, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,21, Private,138768, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,41, Private,321824, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,8, United-States +<=50K,35, Private,244803, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Peru +<=50K,62, Local-gov,206063, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,45, United-States +>50K,53, Private,167651, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, State-gov,163689, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,19, Self-emp-not-inc,45546, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,47, Private,420986, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,52, Self-emp-inc,68015, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,90, United-States +<=50K,54, Private,175594, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,58, ?,148673, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +>50K,30, Private,206322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,73, United-States +<=50K,39, Private,272338, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,25, United-States +<=50K,73, Private,105886, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,1173,0,75, United-States +<=50K,64, Private,312498, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,177675, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,51, Private,152810, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,319122, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,212304, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,53, Private,208321, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,1740,40, United-States +<=50K,39, Private,240841, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,49, Private,208978, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,16, United-States +<=50K,23, Local-gov,442359, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1092,40, United-States +>50K,28, Private,198197, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,46, Private,261059, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,40, Private,72791, Some-college,10, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,24, Private,275395, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,195767, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,50, Private,462966, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,0,0,8, El-Salvador +<=50K,24, ?,265434, Bachelors,13, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,31269, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Local-gov,246291, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,46, United-States +<=50K,54, Federal-gov,128378, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Local-gov,231180, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,31, Local-gov,206297, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-inc,337050, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,193075, HS-grad,9, Divorced, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,33, Local-gov,169652, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Male,0,1669,55, United-States +>50K,35, Private,35945, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,141453, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,36, Private,252231, Preschool,1, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, Puerto-Rico +<=50K,30, Private,128016, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,39, Private,150057, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,258276, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,40, Private,188465, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Self-emp-inc,161007, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,403468, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Mexico +<=50K,53, Federal-gov,181677, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,120243, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,41, Private,157025, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +<=50K,25, Private,306908, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,66, Self-emp-not-inc,28061, 7th-8th,4, Widowed, Farming-fishing, Unmarried, White, Male,0,0,50, United-States +<=50K,53, Private,95540, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,1471,0,40, United-States +<=50K,27, Private,135001, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,293398, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,185106, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,245790, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,80, United-States +<=50K,26, Private,134004, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,26, Private,205036, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,42, United-States +<=50K,26, Private,244495, 9th,5, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,38, Private,159179, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,405155, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +>50K,34, Private,177437, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,32, Federal-gov,402361, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,57, Self-emp-not-inc,184553, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,302626, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,99138, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,39, Private,112731, HS-grad,9, Divorced, Other-service, Not-in-family, Other, Female,0,0,40, Dominican-Republic +<=50K,35, Private,192923, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2377,40, United-States +<=50K,18, Private,761006, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,75, ?,125784, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,28, Private,182344, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,117012, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,39, Federal-gov,30673, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,484669, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, State-gov,314052, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,43, State-gov,38537, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,38, ? +<=50K,27, Private,165412, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,198341, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1902,55, India +<=50K,46, Private,116635, Bachelors,13, Separated, Prof-specialty, Unmarried, Black, Female,0,0,36, United-States +<=50K,20, Private,185452, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,118686, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,20, United-States +<=50K,69, Private,76939, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Federal-gov,160646, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,35, United-States +<=50K,49, State-gov,126754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,20, Private,211049, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +<=50K,52, Private,311931, 5th-6th,3, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, El-Salvador +<=50K,33, Private,283602, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,59, Mexico +<=50K,18, Private,155021, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,6, United-States +<=50K,55, Self-emp-not-inc,100569, HS-grad,9, Separated, Farming-fishing, Unmarried, White, Female,0,0,55, United-States +<=50K,61, Private,380462, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +>50K,61, Federal-gov,221943, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,9386,0,40, United-States +>50K,39, Private,114544, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,30, Private,248584, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,227468, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,36, Private,66173, Assoc-acdm,12, Married-civ-spouse, Sales, Wife, White, Female,0,0,15, United-States +<=50K,34, Private,107624, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,53, Private,70387, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,4386,0,40, India +>50K,38, Private,423616, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,36, United-States +>50K,46, Private,98637, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,27, Local-gov,216013, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,210926, 11th,7, Separated, Handlers-cleaners, Unmarried, White, Female,0,0,40, Nicaragua +>50K,60, Local-gov,255711, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,60, United-States +<=50K,23, Private,77581, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,29, Private,152461, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,14344,0,50, United-States +<=50K,22, Private,203263, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,25, Private,261519, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,91189, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,90, Federal-gov,195433, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, United-States +<=50K,37, Local-gov,272471, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,311524, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,38, United-States +<=50K,18, Private,151386, HS-grad,9, Married-spouse-absent, Other-service, Own-child, Black, Male,0,0,40, Jamaica +<=50K,35, Private,187625, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,50, Private,108933, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,40, United-States +>50K,54, Private,135388, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +>50K,43, Private,169383, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,28, Self-emp-inc,191129, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,51, Private,467611, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,31, Private,373185, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,42, Mexico +<=50K,69, Private,130060, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,2387,0,40, United-States +>50K,57, Private,199934, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,71, ?,116165, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,14, Canada +<=50K,28, Private,42881, 10th,6, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,28, ?,174666, 10th,6, Separated, ?, Not-in-family, White, Male,0,0,80, United-States +<=50K,25, Private,169759, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,95, United-States +<=50K,49, Self-emp-not-inc,181547, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,30, Columbia +<=50K,52, Private,95704, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,237432, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, ? +<=50K,32, Private,226267, 5th-6th,3, Married-spouse-absent, Craft-repair, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,31, Private,159979, Some-college,10, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,30, Private,203488, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,24, Private,403671, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,192323, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,66, Yugoslavia +<=50K,30, Private,167832, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,52, Private,145166, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,42, State-gov,155657, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,25, United-States +<=50K,49, Private,116789, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,39234, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,25, Private,124111, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, Private,172828, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,55, Outlying-US(Guam-USVI-etc) +<=50K,55, Private,143372, HS-grad,9, Divorced, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,31, Self-emp-not-inc,265807, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,50, United-States +<=50K,25, State-gov,218184, Bachelors,13, Never-married, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,32, Private,154087, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,29, Federal-gov,440647, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,37, Private,193952, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, ? +<=50K,52, Private,125932, 7th-8th,4, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,284652, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,21, ?,214635, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,24, United-States +<=50K,43, Private,173316, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, State-gov,65390, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +>50K,40, Self-emp-inc,45054, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,185042, 1st-4th,2, Separated, Priv-house-serv, Other-relative, White, Female,0,0,40, Mexico +<=50K,35, Private,117381, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,258666, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Female,0,1974,40, United-States +>50K,35, Private,179668, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,57, Private,127277, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Taiwan +<=50K,26, Private,192022, Bachelors,13, Never-married, Other-service, Other-relative, White, Female,0,0,40, United-States +<=50K,55, Self-emp-not-inc,99551, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,15, United-States +<=50K,51, Private,208899, Bachelors,13, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,35, Private,287658, Assoc-acdm,12, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,30, Jamaica +<=50K,31, Private,196125, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,275051, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +<=50K,38, Private,23892, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +>50K,39, Federal-gov,376455, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +<=50K,29, Private,267989, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,39, Private,30269, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,204235, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,46, Local-gov,209057, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,73, Private,349347, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,25, United-States +<=50K,47, Local-gov,154033, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,1876,40, United-States +<=50K,28, Private,124680, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,70, United-States +<=50K,27, Private,132805, 10th,6, Never-married, Sales, Other-relative, White, Male,0,1980,40, United-States +>50K,38, Private,99233, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,224849, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,60, Local-gov,101110, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,184839, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,302847, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,181322, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Local-gov,192213, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Canada +<=50K,28, State-gov,37250, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,16, United-States +>50K,38, Self-emp-inc,140854, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,47, Private,158286, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,50, Private,269095, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,279960, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,176239, Some-college,10, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,115360, 10th,6, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,3464,0,40, United-States +<=50K,49, Private,337666, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +>50K,68, ?,255276, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,48, United-States +<=50K,63, Private,145212, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,185099, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,42, Private,142756, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,28, Private,156300, Masters,14, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,45, United-States +<=50K,68, ?,186266, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,8, United-States +<=50K,38, Private,219137, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,22, United-States +>50K,43, Private,110970, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +>50K,49, Private,203067, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,148844, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,25, Private,154941, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,124111, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,36, United-States +<=50K,59, Private,157303, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,48, United-States +<=50K,34, Private,113838, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,34, Private,165737, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,43, India +<=50K,67, Private,140849, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,24, United-States +<=50K,45, Private,200363, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,44, United-States +<=50K,64, Private,180247, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,51, Private,82578, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, Canada +>50K,31, Private,227146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,42, Self-emp-inc,348886, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,65, Private,90907, 5th-6th,3, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,23, Private,142766, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,20, United-States +<=50K,31, Private,246439, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,184784, 10th,6, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Local-gov,195262, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,63, Private,167967, Masters,14, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,46, United-States +>50K,48, Private,145636, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,45, Local-gov,170099, Assoc-acdm,12, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,228253, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,26, Local-gov,205570, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Federal-gov,506830, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,412435, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,44, Private,163331, Some-college,10, Widowed, Adm-clerical, Unmarried, White, Female,0,0,32, United-States +<=50K,43, Federal-gov,222756, Masters,14, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,318918, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,105188, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, Haiti +<=50K,23, Private,199884, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,45, United-States +<=50K,19, Private,96483, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,49, Self-emp-not-inc,192203, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +<=50K,52, Private,203392, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, United-States +<=50K,32, Private,99646, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, Private,167440, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,4508,0,40, United-States +<=50K,25, ?,210095, 5th-6th,3, Never-married, ?, Unmarried, White, Female,0,0,25, El-Salvador +<=50K,44, Private,219591, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,63, Private,30270, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,226020, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,60, ? +<=50K,21, Private,314165, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, Columbia +<=50K,32, Private,330715, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Self-emp-not-inc,35448, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,50, United-States +<=50K,50, State-gov,172970, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Puerto-Rico +>50K,26, Self-emp-inc,189502, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +<=50K,35, Private,61518, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +>50K,31, Private,574005, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,24, Private,281356, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,66, Mexico +<=50K,40, Private,138975, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,31, Private,176969, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,55, United-States +<=50K,43, Private,132393, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, Poland +>50K,44, Private,194924, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,40, Private,478205, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,75, ?,128224, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,52, Local-gov,30118, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,3137,0,42, United-States +<=50K,51, Self-emp-not-inc,290688, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, State-gov,85566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Private,121874, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,40, Self-emp-not-inc,29036, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,35, United-States +<=50K,33, Private,348152, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,38, Local-gov,73715, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,151382, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,50, United-States +<=50K,37, Private,236359, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +>50K,37, Private,19899, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,45, United-States +<=50K,19, Private,138760, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,46, Local-gov,354962, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,181363, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,393360, Some-college,10, Never-married, Protective-serv, Own-child, Black, Male,0,0,30, United-States +<=50K,34, Private,210736, Some-college,10, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, ? +<=50K,38, Private,110013, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,43, United-States +<=50K,26, Private,193304, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,118551, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,57, Private,201991, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,157446, 11th,7, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,26, Local-gov,283217, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,247794, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,84, United-States +>50K,38, Private,43712, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, United-States +<=50K,61, Private,35649, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,6, United-States +>50K,36, Self-emp-not-inc,342719, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +>50K,61, ?,71467, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,3103,0,40, United-States +<=50K,17, Private,271837, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,16, United-States +>50K,40, Private,400061, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Other, Male,0,0,40, United-States +<=50K,18, Private,62972, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +<=50K,21, Private,174907, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +<=50K,41, Private,176452, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, Peru +<=50K,46, Private,268358, 11th,7, Separated, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,55, Federal-gov,176904, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,176683, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Male,0,0,52, United-States +<=50K,39, Private,98077, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,42, United-States +<=50K,36, Private,266461, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,48, United-States +<=50K,51, Private,312477, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,3908,0,40, United-States +<=50K,27, Private,604045, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,30, Local-gov,131568, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,97688, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,47, United-States +<=50K,23, Private,373628, Bachelors,13, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,56, Private,367984, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,41, Self-emp-not-inc,193459, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,250733, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,46, United-States +<=50K,46, Federal-gov,199725, Assoc-voc,11, Divorced, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Female,0,0,60, United-States +<=50K,54, Private,156877, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Greece +>50K,38, Private,122076, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,43, United-States +>50K,45, Self-emp-not-inc,216402, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, India +>50K,50, Self-emp-not-inc,42402, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,30, United-States +<=50K,22, Private,315974, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,63437, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, Ireland +<=50K,27, Private,160786, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,34, Private,85374, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,465974, 11th,7, Never-married, Transport-moving, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,78529, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,36, State-gov,98037, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,22, Private,178390, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,210940, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,2002,45, United-States +<=50K,43, Private,64506, Some-college,10, Divorced, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,54, Private,128378, Some-college,10, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,234460, 9th,5, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, Dominican-Republic +<=50K,29, Private,176760, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,55, United-States +<=50K,40, State-gov,59460, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,18, Private,234428, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,31, Private,215047, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +>50K,57, Private,140426, Doctorate,16, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,40, Germany +<=50K,32, Private,191777, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,48, Private,148995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,229773, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,174461, Assoc-acdm,12, Divorced, Other-service, Not-in-family, White, Female,0,0,22, United-States +<=50K,24, Private,250647, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Guatemala +>50K,49, Local-gov,119904, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,30, United-States +<=50K,27, Self-emp-not-inc,151402, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1573,70, United-States +<=50K,37, Private,184556, Some-college,10, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,33, Private,263561, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,177945, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +>50K,45, Private,306889, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,54, Local-gov,54377, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,144351, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,625,40, United-States +<=50K,22, Private,95566, Some-college,10, Married-spouse-absent, Sales, Own-child, Other, Female,0,0,22, Dominican-Republic +<=50K,20, Private,181675, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,172129, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,350759, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,58, Self-emp-not-inc,105592, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,200061, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, ? +<=50K,34, Self-emp-inc,200689, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,36, Private,386726, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,44, United-States +<=50K,28, Local-gov,135567, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,4101,0,60, United-States +<=50K,38, Local-gov,282753, Assoc-voc,11, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,32, Private,137367, 11th,7, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, India +<=50K,35, Self-emp-inc,153976, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,51, Self-emp-inc,96062, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,33, Private,152933, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,71, Private,97870, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,15, Germany +>50K,48, Private,254291, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,53, Self-emp-not-inc,101432, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,40, Private,125776, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,64, Self-emp-not-inc,165479, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,5, United-States +>50K,42, Federal-gov,172307, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,48, United-States +>50K,25, Private,176729, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,66, Private,174276, Some-college,10, Widowed, Sales, Unmarried, White, Female,0,0,50, United-States +>50K,59, Federal-gov,48102, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, ? +>50K,42, Self-emp-not-inc,79531, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,306460, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,19, Private,55284, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +<=50K,26, Private,172063, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,22, Private,141028, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,30, United-States +<=50K,33, Private,37274, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,63, Private,31389, 11th,7, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,12, United-States +<=50K,20, Private,415913, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,33, Private,295591, 5th-6th,3, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,57, ?,202903, 7th-8th,4, Married-civ-spouse, ?, Wife, White, Female,1173,0,45, Puerto-Rico +<=50K,56, Private,159770, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,70, Self-emp-not-inc,268832, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,24, United-States +>50K,42, Private,126003, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,25, Local-gov,225193, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,28, Private,297735, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,80, Self-emp-not-inc,225892, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,1409,0,40, United-States +<=50K,36, Private,605502, 10th,6, Never-married, Transport-moving, Not-in-family, Black, Female,0,0,40, United-States +>50K,37, Private,174150, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,165466, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,52, State-gov,189728, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,360491, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,115040, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,36, Private,262688, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,7688,0,50, United-States +>50K,70, Self-emp-inc,158437, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +>50K,55, Private,41108, Some-college,10, Widowed, Farming-fishing, Not-in-family, White, Male,0,2258,62, United-States +<=50K,25, Private,149875, Bachelors,13, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,131916, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Italy +<=50K,22, Private,60668, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,153132, Assoc-acdm,12, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,62, Private,155256, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,54, Private,244770, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,38, Private,312108, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,52, Private,102828, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +<=50K,36, Private,93225, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,74, Self-emp-inc,231002, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,35, Self-emp-not-inc,256992, 5th-6th,3, Married-civ-spouse, Other-service, Wife, White, Female,0,0,15, Mexico +<=50K,41, Private,118721, 12th,8, Divorced, Adm-clerical, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,151989, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +<=50K,25, Private,109112, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,35, Private,589809, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,13550,0,60, United-States +>50K,38, Private,172538, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,34, State-gov,318982, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1848,40, United-States +>50K,48, Private,204629, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,99894, 5th-6th,3, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Female,0,0,15, United-States +<=50K,19, Private,369463, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,51, Private,79324, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,61178, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,204226, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,17, Private,183110, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,16, United-States +>50K,42, Private,96321, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,167031, Some-college,10, Never-married, Other-service, Other-relative, Other, Female,0,0,25, Ecuador +<=50K,36, Private,108997, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,65, Private,176796, Doctorate,16, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,32, Self-emp-not-inc,134737, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, United-States +<=50K,33, Self-emp-inc,49795, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,32, State-gov,131588, Some-college,10, Never-married, Tech-support, Unmarried, Black, Female,0,0,20, United-States +<=50K,25, Private,307643, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,351350, Some-college,10, Divorced, Protective-serv, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,260761, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,72, Private,156310, 10th,6, Married-civ-spouse, Other-service, Husband, White, Male,2414,0,12, United-States +<=50K,36, Private,207789, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,52, United-States +<=50K,67, Self-emp-not-inc,252842, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,1797,0,20, United-States +<=50K,28, Private,294936, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,4064,0,45, United-States +<=50K,24, Private,196269, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, Other, Male,0,0,40, United-States +<=50K,17, Private,46402, 7th-8th,4, Never-married, Sales, Own-child, White, Male,0,0,8, United-States +<=50K,32, Self-emp-not-inc,267161, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,30, United-States +<=50K,67, Private,160456, 11th,7, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,123983, Some-college,10, Never-married, ?, Other-relative, Asian-Pac-Islander, Male,0,0,10, Vietnam +<=50K,51, Private,123053, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,5013,0,40, India +<=50K,32, Private,426467, 1st-4th,2, Never-married, Craft-repair, Not-in-family, White, Male,3674,0,40, Guatemala +>50K,39, Private,269323, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-not-inc,42857, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +>50K,50, Self-emp-not-inc,183915, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,211391, 10th,6, Never-married, Sales, Not-in-family, White, Female,0,0,15, United-States +<=50K,21, Local-gov,193130, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,86745, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,16, United-States +<=50K,34, Private,226525, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,68, ?,270339, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,49, Self-emp-not-inc,343742, 10th,6, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,32, United-States +<=50K,50, Private,150975, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,33, Private,207301, Assoc-acdm,12, Divorced, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,18, Private,135924, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,184277, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,55, United-States +<=50K,20, Private,142233, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,46, Self-emp-inc,120902, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,3103,0,37, United-States +<=50K,64, Local-gov,158412, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,126161, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,35, Private,149347, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,70, United-States +<=50K,21, Private,322674, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,32, United-States +<=50K,29, Private,55390, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +>50K,38, State-gov,200904, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,30, United-States +<=50K,45, Private,166056, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,30, Self-emp-not-inc,116666, Masters,14, Divorced, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,50, India +>50K,41, Private,168324, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,37, Private,121772, HS-grad,9, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Hong +>50K,45, Private,126889, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,60, United-States +<=50K,20, ?,401690, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,30, United-States +>50K,45, Self-emp-inc,117605, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,20, Federal-gov,410446, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +>50K,63, Self-emp-inc,38472, Some-college,10, Widowed, Sales, Not-in-family, White, Female,14084,0,60, United-States +<=50K,35, Self-emp-not-inc,335704, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,70261, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,47577, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,23, Private,117767, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,179641, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,23, ?,343553, 11th,7, Never-married, ?, Not-in-family, Black, Male,0,0,40, United-States +>50K,36, Self-emp-not-inc,328466, 5th-6th,3, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, Mexico +<=50K,46, Private,265097, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,5, United-States +>50K,38, Local-gov,414791, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,55, Local-gov,48055, 12th,8, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,341672, Some-college,10, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,0,0,40, India +>50K,48, Private,266764, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,233571, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,50, United-States +>50K,53, Private,126592, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,7688,0,40, United-States +<=50K,47, Private,70754, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,138852, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,4650,0,22, United-States +<=50K,32, Private,175856, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,193494, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,46, United-States +>50K,41, Private,104334, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,47, Federal-gov,197332, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,205844, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,25, United-States +<=50K,45, Local-gov,206459, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,33, Private,202822, 7th-8th,4, Never-married, Other-service, Unmarried, Black, Female,0,0,14, Trinadad&Tobago +<=50K,68, Without-pay,174695, Some-college,10, Married-spouse-absent, Farming-fishing, Unmarried, White, Female,0,0,25, United-States +>50K,44, Private,183342, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,49, Private,105614, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,45, Private,329603, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Poland +>50K,41, Private,77373, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1848,65, United-States +<=50K,29, Private,207473, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,149161, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, ? +<=50K,19, Private,311974, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,25, Mexico +<=50K,56, Private,175127, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,111625, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,29, Private,48895, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,27049, HS-grad,9, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,25, United-States +<=50K,38, Private,108907, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, ? +<=50K,52, Private,94988, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,218343, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,20, Private,227626, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,272856, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,50, England +<=50K,39, Private,30916, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,276229, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,289106, Assoc-acdm,12, Separated, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,67, ?,39100, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,5, United-States +>50K,45, Private,192776, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,55, United-States +>50K,61, Private,147280, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,18, Private,187770, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,51, State-gov,213296, Bachelors,13, Widowed, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,107410, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,170272, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,86808, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +<=50K,48, Private,149210, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,45, United-States +<=50K,62, Private,123411, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,53, United-States +<=50K,21, ?,306779, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,28, Private,487347, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,283945, 10th,6, Never-married, Handlers-cleaners, Other-relative, White, Male,0,1602,45, United-States +<=50K,20, Private,375698, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,41, Private,271753, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,251854, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +>50K,47, Private,264052, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +>50K,43, State-gov,28451, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,20, Private,282604, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +>50K,29, Private,185908, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,55, United-States +<=50K,51, Federal-gov,198186, Bachelors,13, Widowed, Prof-specialty, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,242521, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,337940, 5th-6th,3, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, Mexico +<=50K,30, Private,212064, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,129263, HS-grad,9, Widowed, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,68, Local-gov,144761, HS-grad,9, Widowed, Protective-serv, Not-in-family, White, Male,0,1668,20, United-States +>50K,42, Private,109912, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,113324, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,43, Private,187795, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,20, Private,173724, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +<=50K,43, Private,185129, Bachelors,13, Divorced, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,73134, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,60, United-States +>50K,45, Private,236040, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,74194, HS-grad,9, Never-married, Farming-fishing, Unmarried, White, Male,0,0,40, United-States +<=50K,31, Local-gov,102130, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,140915, Some-college,10, Never-married, Sales, Other-relative, Asian-Pac-Islander, Male,0,0,25, Philippines +<=50K,69, ?,107575, HS-grad,9, Divorced, ?, Not-in-family, White, Female,2964,0,35, United-States +<=50K,38, State-gov,34364, Masters,14, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,258037, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, Cuba +<=50K,18, Private,391585, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,41, Self-emp-not-inc,233130, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Mexico +>50K,30, Private,101345, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,3103,0,55, United-States +<=50K,23, ?,32897, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,248612, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,30, United-States +<=50K,37, Private,212465, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,198587, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Female,2174,0,50, United-States +>50K,33, Private,405913, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Peru +>50K,37, Private,588003, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,31, Private,46807, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,210498, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +>50K,35, Private,206951, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,28, Self-emp-not-inc,237466, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,30, United-States +<=50K,59, Private,279636, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, Guatemala +<=50K,42, Private,29320, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,271262, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, ?,29361, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Female,0,0,45, United-States +<=50K,32, Private,76773, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,109004, HS-grad,9, Separated, Craft-repair, Unmarried, Black, Male,0,0,40, United-States +<=50K,43, Private,226902, Bachelors,13, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,46, Private,176552, 11th,7, Divorced, Prof-specialty, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +>50K,41, Private,182303, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,59, Local-gov,296253, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,8614,0,60, United-States +<=50K,20, Private,218215, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,57, Private,165695, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +<=50K,46, Self-emp-not-inc,51271, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4386,0,70, United-States +<=50K,45, Private,96100, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,29, Local-gov,82393, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, Asian-Pac-Islander, Male,0,1590,45, United-States +<=50K,23, Private,248978, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,254367, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,1590,48, United-States +>50K,55, ?,200235, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,58, Private,94429, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,87282, Assoc-voc,11, Never-married, Exec-managerial, Other-relative, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,29, Private,119793, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,50, United-States +<=50K,57, ?,85815, HS-grad,9, Divorced, ?, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,26, Local-gov,197764, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,306982, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,61, Private,80896, HS-grad,9, Separated, Transport-moving, Unmarried, Asian-Pac-Islander, Male,0,0,45, United-States +>50K,31, Private,197886, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,15024,0,45, United-States +<=50K,43, Private,355728, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,47, Private,121124, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,15024,0,50, United-States +>50K,51, State-gov,193720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,56, United-States +<=50K,23, Private,347292, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,34506, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,326370, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,38, ? +<=50K,22, ?,269221, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,63509, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,48, Private,148254, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,16, United-States +<=50K,33, Private,190511, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +>50K,46, Private,268022, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, ? +<=50K,18, Private,20057, 7th-8th,4, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,52, Private,206862, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,46, Private,189498, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,45, United-States +<=50K,28, Private,166320, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Private,289886, Some-college,10, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,30, Vietnam +<=50K,23, ?,86337, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,15, United-States +>50K,45, Local-gov,54190, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,147069, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +>50K,56, Private,282023, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-inc,379485, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Male,0,0,45, United-States +<=50K,81, Private,129338, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,10, United-States +<=50K,22, Private,99829, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,43, State-gov,182254, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,109428, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,1740,40, United-States +>50K,42, Self-emp-not-inc,351161, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,66, ?,210750, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +>50K,50, Private,132716, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,242984, Some-college,10, Separated, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,101509, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,509629, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,35, United-States +<=50K,36, Private,119957, Bachelors,13, Separated, Other-service, Unmarried, Black, Female,0,0,35, United-States +<=50K,33, Private,69727, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,36, Private,204590, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,213,40, United-States +<=50K,37, ?,50862, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,182907, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,55, Private,206487, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,168015, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,149396, Some-college,10, Never-married, Other-service, Other-relative, Black, Female,0,0,30, Haiti +>50K,39, Federal-gov,184964, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,398988, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,128777, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Female,0,0,55, United-States +>50K,60, Private,252413, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,32, United-States +>50K,33, Private,181372, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,58, Private,216851, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, El-Salvador +<=50K,27, Private,106935, Some-college,10, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, State-gov,363875, Some-college,10, Divorced, Protective-serv, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,63, Private,287277, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,172342, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,308498, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,15, United-States +>50K,29, Private,122127, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,8614,0,40, United-States +>50K,31, Private,106437, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +>50K,49, Self-emp-inc,306289, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,201699, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,42, Private,282062, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,235108, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,339482, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,181820, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,99335, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,367533, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2580,0,40, United-States +<=50K,57, Private,64960, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,45, United-States +<=50K,50, Private,269095, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,58683, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,35, Self-emp-not-inc,89508, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3908,0,60, United-States +<=50K,19, Private,100999, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,34125, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,28, United-States +<=50K,20, Private,115057, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,139126, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,104632, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,40, Federal-gov,178866, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,54, Private,139850, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,28, Private,61435, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,38, Private,309230, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,45613, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,272615, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,31, Private,54318, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,165519, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,45, Private,48495, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +>50K,38, Private,143123, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,67, Self-emp-not-inc,431426, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,20051,0,4, United-States +<=50K,75, Private,256474, Masters,14, Never-married, Protective-serv, Not-in-family, White, Male,0,0,16, United-States +>50K,41, Private,191451, Masters,14, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +>50K,37, Private,99146, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,47, Private,235986, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,50, Cuba +>50K,34, Local-gov,429897, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Mexico +<=50K,25, Private,189897, HS-grad,9, Married-civ-spouse, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,52, Private,145155, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, State-gov,192257, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,2174,0,40, United-States +<=50K,35, Private,194960, HS-grad,9, Never-married, Farming-fishing, Not-in-family, Other, Male,0,0,40, Puerto-Rico +<=50K,44, Local-gov,357814, 12th,8, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,35, Mexico +>50K,27, Local-gov,137629, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,42, Private,156526, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,33, United-States +<=50K,26, Private,189238, 9th,5, Never-married, Other-service, Own-child, White, Female,0,0,38, El-Salvador +<=50K,23, Private,202989, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, Canada +<=50K,28, Private,25684, HS-grad,9, Never-married, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,192939, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,138692, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,50, United-States +<=50K,29, Private,222249, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,56, Self-emp-not-inc,201318, 9th,5, Married-civ-spouse, Exec-managerial, Other-relative, White, Male,3411,0,50, Columbia +<=50K,23, ?,190650, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Male,0,0,35, United-States +<=50K,30, Private,56004, Some-college,10, Never-married, Exec-managerial, Own-child, Black, Female,0,0,40, United-States +<=50K,48, Private,182313, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,45, Self-emp-not-inc,138962, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,72, ? +>50K,38, Private,277248, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Cuba +<=50K,24, Private,125031, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +>50K,47, State-gov,216414, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,171176, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,48, ? +<=50K,29, Private,356133, Some-college,10, Never-married, Prof-specialty, Other-relative, White, Female,0,0,40, United-States +<=50K,45, Private,185397, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,308285, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,56651, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,154863, 9th,5, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, Trinadad&Tobago +>50K,46, Federal-gov,44706, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,50, United-States +<=50K,34, ?,222548, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,4, United-States +<=50K,32, Private,248754, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,104981, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,315065, Some-college,10, Never-married, Other-service, Unmarried, White, Male,0,0,35, Mexico +<=50K,46, Private,188325, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,221661, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,35, United-States +>50K,59, Private,81973, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,31, Private,169122, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,48, Private,216734, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,98101, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,292511, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,20, Private,122971, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,35, United-States +<=50K,29, Private,124953, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +>50K,54, Private,123011, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,76417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +>50K,43, Private,351576, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,46, Federal-gov,33794, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,3103,0,40, United-States +>50K,33, Private,79923, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Private,117983, 10th,6, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,36, Private,186110, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, Private,187589, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5178,0,40, United-States +>50K,37, ?,319685, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,54, United-States +<=50K,64, ?,64101, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,45, Self-emp-not-inc,162923, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,288519, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,33798, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,195734, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,2354,0,40, United-States +<=50K,23, Private,214120, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,113515, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,58, Self-emp-not-inc,261230, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,98515, Assoc-voc,11, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,187715, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,23, ?,214238, 7th-8th,4, Never-married, ?, Not-in-family, White, Female,0,0,40, Mexico +<=50K,32, Private,123964, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,4386,0,50, United-States +<=50K,26, Private,68991, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,52, Private,292110, 5th-6th,3, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,19, Private,198320, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,45, United-States +>50K,33, Private,709798, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,372838, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,160402, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,38, United-States +<=50K,45, Private,98475, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,37, Local-gov,97136, Some-college,10, Married-spouse-absent, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Private,136985, Assoc-acdm,12, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,187356, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,66, United-States +<=50K,46, State-gov,107231, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1740,40, United-States +<=50K,20, Private,305874, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,39, Private,290922, Masters,14, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +>50K,48, Private,248254, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,40, United-States +<=50K,38, Private,160808, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,4386,0,48, United-States +<=50K,36, Private,247321, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,247651, 7th-8th,4, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,56, United-States +<=50K,29, Private,214702, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1974,35, United-States +<=50K,64, Private,75577, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,2580,0,50, United-States +>50K,34, Private,561334, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,36, ?,224886, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,41, Local-gov,401134, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,258170, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,68, ?,141181, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,37, Private,292370, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,50, ? +<=50K,22, Private,300871, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,136721, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,140399, Some-college,10, Never-married, ?, Other-relative, White, Female,0,0,30, United-States +<=50K,36, Private,109133, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,47, Private,186534, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,25, Private,226891, Assoc-voc,11, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +<=50K,33, Private,241885, Some-college,10, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,97165, Some-college,10, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,40, United-States +<=50K,33, Private,212918, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,70, United-States +<=50K,24, Private,211585, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, White, Female,0,0,40, United-States +<=50K,47, Local-gov,178309, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Self-emp-inc,481987, 10th,6, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,215211, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,33, Local-gov,194901, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,44, Private,340885, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1977,40, United-States +<=50K,33, Local-gov,190290, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Male,0,0,56, United-States +<=50K,26, Private,188569, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,22, Private,162282, Assoc-voc,11, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +>50K,34, Private,287315, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,31, Self-emp-inc,304212, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,45, United-States +<=50K,73, ?,200878, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,15, United-States +<=50K,38, Local-gov,256864, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,46401, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,37778, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,191722, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,54, United-States +>50K,64, Self-emp-not-inc,103643, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,15, United-States +<=50K,24, Private,143766, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,55, United-States +<=50K,21, State-gov,204425, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,20, United-States +>50K,28, Private,156257, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,18, ?,113185, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,41, Self-emp-inc,112262, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,28031, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,16, United-States +>50K,58, Private,320102, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,50, Self-emp-not-inc,334273, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,8, United-States +<=50K,30, Private,356015, 11th,7, Married-spouse-absent, Handlers-cleaners, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, Mexico +<=50K,47, Private,278900, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,142528, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,50, Federal-gov,343014, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +<=50K,29, Private,201017, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, Scotland +>50K,31, Self-emp-not-inc,81030, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,40, Self-emp-not-inc,34007, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,31, Private,29662, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,60, United-States +<=50K,53, Private,347446, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,90668, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,190403, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,56, Private,109015, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,50, United-States +>50K,38, Private,234807, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,18, Private,157131, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,50, Private,94081, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,78, Private,135566, HS-grad,9, Widowed, Sales, Unmarried, White, Female,2329,0,12, United-States +<=50K,27, Private,103164, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,570002, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, State-gov,215797, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,289405, Some-college,10, Never-married, Sales, Own-child, White, Male,0,1602,15, United-States +<=50K,25, Private,239461, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,35, United-States +>50K,34, Private,101510, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,30, Self-emp-inc,443546, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,37, Federal-gov,141029, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,207202, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,67, Without-pay,137192, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,12, Philippines +<=50K,35, Private,222989, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,75, Self-emp-not-inc,36325, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,47, Private,73394, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,23, Private,249046, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,51, Federal-gov,100653, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,42, Local-gov,1125613, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +>50K,32, Private,101352, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,32, United-States +<=50K,54, Private,340476, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +<=50K,20, Private,192711, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,273362, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,41, Private,100451, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,38, United-States +<=50K,35, Private,85399, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Local-gov,168191, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,27, Private,153475, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,61, Self-emp-not-inc,196773, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,41, Private,180138, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,48347, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,175071, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,15024,0,40, United-States +<=50K,66, ?,129476, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +<=50K,25, Private,181772, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,284317, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,20, Private,237305, Some-college,10, Never-married, Machine-op-inspct, Other-relative, Black, Female,0,0,35, United-States +<=50K,67, Self-emp-inc,111321, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,16, United-States +>50K,44, Private,278476, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +>50K,42, Private,39060, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,29, Local-gov,205262, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,40, Ecuador +>50K,48, Private,198000, Some-college,10, Never-married, Craft-repair, Unmarried, White, Female,0,0,38, United-States +<=50K,25, Private,397962, HS-grad,9, Never-married, Adm-clerical, Other-relative, Black, Female,0,0,40, United-States +>50K,31, Private,178370, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,99, United-States +>50K,48, Private,121253, Bachelors,13, Married-spouse-absent, Sales, Unmarried, White, Female,0,2472,70, United-States +<=50K,40, Private,56072, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,20, United-States +<=50K,26, Private,176756, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,60374, HS-grad,9, Married-civ-spouse, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,52, Private,165681, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,287037, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Self-emp-not-inc,55568, Bachelors,13, Married-civ-spouse, Farming-fishing, Wife, White, Female,0,0,50, United-States +<=50K,48, Private,155509, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,16, Trinadad&Tobago +<=50K,19, Private,201178, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,27, Private,37250, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1651,40, United-States +<=50K,59, Private,314149, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,1740,50, United-States +<=50K,19, Private,264593, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,159589, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,39, Private,454915, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,33, Private,285131, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,150057, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,55390, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,314894, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,45, United-States +<=50K,59, ?,184948, Assoc-voc,11, Divorced, ?, Not-in-family, White, Male,0,0,48, United-States +<=50K,25, Local-gov,124483, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,37, Self-emp-inc,97986, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,68, United-States +<=50K,31, Private,210562, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,233280, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,37, United-States +<=50K,53, Local-gov,164300, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, Dominican-Republic +<=50K,26, Private,227489, Some-college,10, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, ? +>50K,25, Private,263773, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,59, Private,96459, 11th,7, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Federal-gov,116608, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Private,180007, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,305466, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,238917, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, El-Salvador +<=50K,25, Private,129784, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,367390, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,20, Private,235691, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,63, ?,166425, Some-college,10, Widowed, ?, Not-in-family, Black, Female,0,0,24, United-States +<=50K,43, Self-emp-not-inc,160369, 10th,6, Divorced, Farming-fishing, Unmarried, White, Male,0,0,25, United-States +<=50K,39, Private,206298, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,183523, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,17, Private,217342, 10th,6, Never-married, Sales, Own-child, White, Female,0,0,5, United-States +<=50K,40, State-gov,141858, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,72, United-States +>50K,50, Private,213296, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Self-emp-inc,201682, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +>50K,60, Private,178312, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7298,0,65, United-States +<=50K,30, Private,269723, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,200593, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,32616, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,24, Private,259510, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,5013,0,30, United-States +<=50K,45, Self-emp-not-inc,271828, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,58, Self-emp-inc,78104, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +<=50K,22, Private,113703, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,20, United-States +<=50K,41, Private,187802, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,440706, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,191834, HS-grad,9, Divorced, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +>50K,33, Private,149184, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +<=50K,49, Self-emp-inc,315998, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,30, Private,159589, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,38, Private,60313, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,58, Local-gov,32855, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,58, Private,142326, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,61, Self-emp-not-inc,201965, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,58, Private,172333, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,40, United-States +>50K,32, Private,206541, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,33, Self-emp-not-inc,177828, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,28, Private,303440, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,22, Private,89991, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,11, United-States +>50K,35, Private,186009, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,170988, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,45, Self-emp-inc,180239, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,7688,0,40, ? +<=50K,50, Self-emp-not-inc,213654, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,56, Self-emp-inc,32316, 12th,8, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Self-emp-not-inc,150371, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,387871, 10th,6, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,28, Private,314649, Some-college,10, Married-civ-spouse, Sales, Husband, Amer-Indian-Eskimo, Male,0,0,60, United-States +>50K,42, Private,240255, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,60, Private,206339, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-inc,230168, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,91, United-States +>50K,42, Private,171424, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,7298,0,45, United-States +>50K,36, Private,148581, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,52, Local-gov,89705, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,248406, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,26, Local-gov,72594, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,31, Local-gov,137537, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,225065, 5th-6th,3, Separated, Sales, Unmarried, White, Female,0,0,40, Mexico +<=50K,35, Private,217274, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,69151, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +>50K,59, Self-emp-not-inc,81107, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,80, United-States +>50K,38, Private,205852, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,201117, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,397307, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,39, Private,115422, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,64, Private,114994, Some-college,10, Separated, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, Local-gov,39815, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,49, Private,151584, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,32, United-States +<=50K,19, Private,164938, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,36, Self-emp-not-inc,179896, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, White, Female,3137,0,40, United-States +<=50K,26, Private,253841, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +<=50K,27, Private,177955, 5th-6th,3, Never-married, Priv-house-serv, Other-relative, White, Female,2176,0,40, El-Salvador +>50K,66, Private,113323, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,40, United-States +<=50K,38, Private,320305, 7th-8th,4, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,229287, Bachelors,13, Never-married, Exec-managerial, Other-relative, White, Female,0,0,25, United-States +<=50K,19, Private,100790, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,331419, Assoc-acdm,12, Never-married, Craft-repair, Not-in-family, White, Male,4787,0,50, United-States +<=50K,22, Private,171419, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,40, South +>50K,60, Private,202226, Some-college,10, Divorced, Craft-repair, Own-child, White, Male,0,0,44, United-States +>50K,54, Private,308087, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,1977,18, United-States +<=50K,46, Private,220124, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,37, United-States +<=50K,33, State-gov,31703, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,51, Local-gov,153908, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,43, Private,180599, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,18, ?,252046, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,60, Self-emp-inc,160062, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, United-States +<=50K,39, Self-emp-not-inc,148443, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,23, Private,91733, Bachelors,13, Never-married, Tech-support, Own-child, White, Female,3325,0,40, United-States +<=50K,39, Private,176634, Assoc-acdm,12, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Local-gov,74949, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,165484, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,24, Private,44738, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,32, Private,130040, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,234537, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,39, Private,179016, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,335421, Masters,14, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, State-gov,312678, Masters,14, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,38, United-States +<=50K,22, ?,313786, HS-grad,9, Divorced, ?, Other-relative, Black, Female,0,0,40, United-States +<=50K,31, Private,198751, Bachelors,13, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Vietnam +<=50K,63, Private,131519, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,285060, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,28, State-gov,189765, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,23, Private,130905, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,50, Private,146325, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,102821, 12th,8, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, ?,137876, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,27, Private,388998, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,13550,0,46, United-States +<=50K,29, Private,82910, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,309122, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +>50K,60, Private,532845, 1st-4th,2, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,195833, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, ? +<=50K,67, ?,98882, Masters,14, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,133515, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,15, France +<=50K,23, Private,55215, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,55, United-States +<=50K,38, Self-emp-inc,176357, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,60, Private,185836, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,20, Self-emp-not-inc,54152, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Female,0,0,35, United-States +<=50K,37, Private,212437, Some-college,10, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,48, United-States +<=50K,37, Private,224566, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +<=50K,58, Private,200040, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,41526, Bachelors,13, Never-married, Craft-repair, Own-child, White, Male,0,0,30, Canada +<=50K,27, Private,89598, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,60, United-States +<=50K,33, Private,323811, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +<=50K,43, State-gov,30824, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Federal-gov,181096, Some-college,10, Never-married, Tech-support, Own-child, Black, Male,0,0,20, United-States +<=50K,45, Private,217953, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Other, Male,0,0,40, Mexico +<=50K,44, Private,222635, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,52, ?,121942, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,53, Private,346871, HS-grad,9, Divorced, Prof-specialty, Not-in-family, White, Male,4787,0,46, United-States +<=50K,31, Private,184889, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,20, United-States +<=50K,18, Federal-gov,101709, 11th,7, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,15, Philippines +<=50K,20, Private,125010, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,32, Private,53135, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,498328, 10th,6, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,46, Private,604380, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +<=50K,28, Private,174327, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,27, Self-emp-not-inc,357283, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Federal-gov,280728, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,32, United-States +>50K,69, Self-emp-not-inc,185039, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,9386,0,12, United-States +>50K,50, Self-emp-inc,251240, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,143046, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Greece +<=50K,32, Private,210541, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +<=50K,43, Private,172364, HS-grad,9, Separated, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +>50K,52, Self-emp-not-inc,138611, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,7688,0,55, United-States +>50K,50, Private,176227, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +>50K,35, Private,139647, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, ?,174461, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,73, ?,123345, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,65, United-States +<=50K,46, Private,164427, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,45, United-States +>50K,58, Private,205235, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +>50K,46, Self-emp-inc,192779, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,40, Private,163434, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,25, Private,264055, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,336215, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,33, Federal-gov,78307, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Federal-gov,233059, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,91433, 10th,6, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,56, Local-gov,157525, Some-college,10, Divorced, Protective-serv, Not-in-family, Black, Male,0,0,48, United-States +<=50K,24, Private,86065, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Female,0,0,40, Mexico +<=50K,42, Private,22831, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Private,180181, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,212617, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,66, Ecuador +<=50K,22, ?,125905, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,35, Private,336793, Bachelors,13, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +<=50K,42, Private,314649, HS-grad,9, Married-spouse-absent, Handlers-cleaners, Other-relative, Asian-Pac-Islander, Male,0,0,40, ? +<=50K,22, Private,283969, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, Mexico +<=50K,32, Self-emp-not-inc,35595, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,410240, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,66, Private,178120, 5th-6th,3, Divorced, Priv-house-serv, Not-in-family, Black, Female,0,0,15, United-States +<=50K,26, State-gov,294400, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,38, United-States +<=50K,46, Private,65353, Some-college,10, Divorced, Transport-moving, Own-child, White, Male,3325,0,55, United-States +>50K,55, Private,189719, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,23438, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,178037, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,22, Private,109815, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,197860, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,271933, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,54, Private,141663, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,15, United-States +<=50K,19, ?,199609, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,56, Private,92215, 9th,5, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,93449, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,60, Japan +<=50K,29, Private,235393, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,53, Private,151864, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,189277, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,50, ?,204577, Bachelors,13, Married-civ-spouse, ?, Husband, Black, Male,0,1902,60, United-States +>50K,42, Private,344572, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,265356, Some-college,10, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Self-emp-inc,166880, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,70, United-States +>50K,60, Private,188650, 5th-6th,3, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, ? +<=50K,69, Private,213249, Assoc-voc,11, Widowed, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,31, Private,112627, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,48, Private,125120, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,55, United-States +<=50K,23, Private,60409, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,24, Private,243190, Assoc-acdm,12, Separated, Craft-repair, Unmarried, Asian-Pac-Islander, Male,8614,0,40, United-States +>50K,47, Private,583755, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,36, Private,68089, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,39, Private,306646, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,186573, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,46, United-States +>50K,27, Private,279580, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,10520,0,45, United-States +<=50K,36, Private,437909, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,420691, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,33, Federal-gov,94193, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,42, Private,154076, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,52, Private,145879, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,23, Private,208946, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,32, United-States +<=50K,33, Private,231826, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Mexico +<=50K,30, Private,178587, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,35, Private,213208, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, Black, Male,0,0,38, Jamaica +>50K,35, ?,139770, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,27, Private,153869, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,37, United-States +<=50K,24, Private,88676, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,44, Local-gov,151089, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,138621, Assoc-voc,11, Separated, Priv-house-serv, Not-in-family, Black, Female,0,0,20, United-States +>50K,45, Private,30457, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,75, Self-emp-not-inc,213349, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,47, Private,192776, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,64, Private,192884, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,54, Private,103024, HS-grad,9, Divorced, Tech-support, Not-in-family, White, Male,0,0,42, United-States +>50K,41, Federal-gov,510072, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,178615, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,249956, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +>50K,51, Private,177705, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Self-emp-inc,121124, Prof-school,15, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, ?,25837, 11th,7, Never-married, ?, Own-child, White, Male,0,0,72, United-States +<=50K,43, Private,557349, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Yugoslavia +<=50K,30, Private,89735, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,1504,40, United-States +<=50K,32, Private,222548, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,45, Private,47314, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, ? +<=50K,61, Private,316359, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,200089, 1st-4th,2, Married-civ-spouse, Other-service, Other-relative, White, Male,0,0,40, England +<=50K,56, Private,271795, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +<=50K,28, Private,31801, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,60, United-States +<=50K,23, Private,196508, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Female,0,0,40, United-States +<=50K,55, Private,189933, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,84, United-States +<=50K,27, ?,501172, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,419,20, Mexico +<=50K,33, Private,361497, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,70, United-States +<=50K,22, Private,150175, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,43, Local-gov,155106, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,62272, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,38, Private,189916, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,324011, 9th,5, Never-married, Farming-fishing, Own-child, White, Male,0,0,20, United-States +>50K,35, Private,105803, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,67, ?,53588, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,107998, HS-grad,9, Divorced, Machine-op-inspct, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,340567, 1st-4th,2, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, Mexico +<=50K,39, Private,167777, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +>50K,29, Private,228860, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,50, United-States +>50K,45, Self-emp-inc,40666, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,44, Private,277488, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,3103,0,40, United-States +<=50K,42, Local-gov,195897, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,242984, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Local-gov,236497, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,312634, 11th,7, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,64, Private,59829, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,25, France +>50K,30, Private,24292, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,43, Local-gov,180407, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,42, Germany +<=50K,49, Self-emp-not-inc,121238, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,35, Private,281982, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,37, Self-emp-not-inc,348739, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,49, Private,194189, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,329130, 11th,7, Separated, Other-service, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,205939, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,2202,0,4, United-States +<=50K,31, Private,62165, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,26, Private,224361, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,34722, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,38, Private,175972, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,33, Self-emp-not-inc,359428, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,24, ?,138504, HS-grad,9, Separated, ?, Unmarried, Black, Female,0,0,37, United-States +<=50K,18, Private,268952, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,32, Private,257978, Assoc-voc,11, Widowed, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,118799, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, State-gov,78356, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, Jamaica +<=50K,30, Self-emp-not-inc,609789, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,123157, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Male,0,0,38, United-States +<=50K,74, Private,84197, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,10, United-States +<=50K,36, Private,162312, HS-grad,9, Never-married, Craft-repair, Not-in-family, Asian-Pac-Islander, Male,0,0,70, South +<=50K,36, Private,138441, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,55, United-States +<=50K,29, Private,239753, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2057,20, United-States +<=50K,39, Private,262158, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,25, Self-emp-inc,133373, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,80, United-States +<=50K,21, Private,57916, HS-grad,9, Separated, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,39, State-gov,142897, Assoc-voc,11, Never-married, Exec-managerial, Unmarried, White, Female,0,0,50, United-States +<=50K,38, Private,161016, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,20, Private,227491, HS-grad,9, Never-married, Sales, Not-in-family, Asian-Pac-Islander, Female,0,0,25, United-States +<=50K,51, Private,306790, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,33831, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,188972, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,313546, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,38, Private,220585, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,25, Local-gov,476599, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,163665, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,36, Private,306646, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,206470, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Germany +<=50K,34, Private,169583, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,19, State-gov,127085, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,10, United-States +<=50K,18, Private,152044, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,3, United-States +<=50K,36, Private,111387, 10th,6, Divorced, Sales, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,102318, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,40, United-States +<=50K,29, Private,213692, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,45, United-States +<=50K,23, Private,163665, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,32, United-States +<=50K,35, Private,30529, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,290226, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,182136, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,73266, Some-college,10, Never-married, Transport-moving, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,19, State-gov,60412, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,15, United-States +<=50K,70, Private,187891, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,194304, Some-college,10, Divorced, Transport-moving, Not-in-family, Black, Male,0,0,55, United-States +<=50K,35, Private,160910, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,25, Private,148300, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +>50K,39, Private,165743, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,50, Private,123174, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,37, ? +<=50K,43, Private,184018, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,37, Federal-gov,188069, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Philippines +>50K,51, Private,138852, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,7298,0,40, El-Salvador +<=50K,29, ?,78529, 10th,6, Separated, ?, Unmarried, White, Female,0,0,12, United-States +<=50K,20, Private,164441, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +<=50K,21, Private,199419, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,181342, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, Black, Female,0,0,40, United-States +<=50K,44, Private,173382, Assoc-acdm,12, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,17, Private,184924, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,1719,15, United-States +<=50K,25, Private,215384, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, State-gov,424094, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Federal-gov,212120, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,185764, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +<=50K,46, Local-gov,133969, Masters,14, Divorced, Prof-specialty, Not-in-family, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,22, Private,32616, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,49, Private,149210, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,21, Private,161210, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,53, Private,285621, Masters,14, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,43, Private,282069, Some-college,10, Divorced, Craft-repair, Unmarried, White, Male,0,0,42, United-States +<=50K,22, Private,97508, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +>50K,33, Private,356823, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,10520,0,45, United-States +<=50K,28, Private,171133, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,231638, Some-college,10, Never-married, Tech-support, Unmarried, White, Female,0,0,24, United-States +>50K,40, Private,191342, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,50, Private,226497, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +>50K,48, Self-emp-not-inc,373606, Some-college,10, Divorced, Sales, Unmarried, White, Male,0,0,65, United-States +<=50K,30, Private,39150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,288840, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, Black, Female,0,0,38, United-States +<=50K,34, Private,293703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,42, Private,79586, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,82098, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,65, United-States +>50K,38, Private,245372, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,29, Private,78261, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,355996, 10th,6, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,64, Private,218490, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,27828,0,55, United-States +<=50K,44, Private,110908, Assoc-voc,11, Married-civ-spouse, Transport-moving, Wife, White, Female,0,0,25, United-States +>50K,42, Federal-gov,34218, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,50, United-States +<=50K,49, Private,248895, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,363707, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,272411, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,128033, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,177287, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,38, United-States +<=50K,44, Private,197344, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +>50K,45, Private,285858, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,27, Self-emp-inc,193868, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,232082, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,38, Private,27408, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,45, Private,247043, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,27, Local-gov,162404, HS-grad,9, Never-married, Protective-serv, Not-in-family, Black, Male,2174,0,40, United-States +<=50K,64, Private,236341, 5th-6th,3, Widowed, Other-service, Not-in-family, Black, Female,0,0,16, United-States +<=50K,66, Local-gov,179285, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,3432,0,20, United-States +<=50K,34, Private,30433, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,35, United-States +>50K,45, Self-emp-not-inc,102771, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,221172, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,108116, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, United-States +<=50K,26, Private,375499, 10th,6, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,20, United-States +<=50K,27, Private,178688, Assoc-voc,11, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,276709, Some-college,10, Never-married, Sales, Other-relative, White, Female,0,0,40, United-States +<=50K,23, ?,238087, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,30, United-States +<=50K,47, Private,84790, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, State-gov,37482, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,46, State-gov,178686, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,35, ?,153926, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +>50K,55, Private,110748, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,28, Private,116613, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,24, United-States +<=50K,21, Private,108687, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,36, Private,365739, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,195284, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +>50K,38, Private,125933, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, ? +>50K,37, Private,140854, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,81, Self-emp-not-inc,193237, 1st-4th,2, Widowed, Sales, Other-relative, White, Male,0,0,45, Mexico +<=50K,41, Private,46870, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,351324, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,30, Self-emp-not-inc,189265, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,236564, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Federal-gov,557644, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,374454, HS-grad,9, Divorced, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,65, ?,160654, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,18, Private,122775, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,26, Private,214413, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Male,6497,0,48, United-States +<=50K,30, Private,329425, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +<=50K,61, Private,178312, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,241951, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,130143, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,41, Self-emp-inc,114580, Prof-school,15, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2415,55, United-States +>50K,43, Self-emp-inc,130126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +<=50K,60, Private,399387, 7th-8th,4, Separated, Priv-house-serv, Unmarried, Black, Female,0,0,15, United-States +<=50K,47, Private,163814, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Private,69586, Some-college,10, Divorced, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +<=50K,32, Private,237903, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,25, ?,219897, Masters,14, Never-married, ?, Not-in-family, White, Female,0,0,35, Canada +<=50K,31, Private,243165, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,33, State-gov,173806, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Self-emp-not-inc,65308, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,44, Private,408531, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,44, Private,235786, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,45, United-States +<=50K,37, Private,314963, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,81206, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +>50K,51, Federal-gov,293196, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,95329, Masters,14, Divorced, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Local-gov,45474, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,372728, Bachelors,13, Never-married, Other-service, Not-in-family, Black, Female,0,0,24, Jamaica +>50K,29, Federal-gov,116394, Bachelors,13, Married-AF-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,36, Self-emp-not-inc,34180, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,70, United-States +<=50K,55, Private,327589, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Private,706180, Bachelors,13, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,31, Private,32550, 10th,6, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,173858, Prof-school,15, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,51, Self-emp-inc,230095, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,30, Private,139012, Assoc-voc,11, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Male,2463,0,40, Vietnam +<=50K,62, Private,174711, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +>50K,37, Private,171150, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,99999,0,60, United-States +>50K,30, Self-emp-inc,77689, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,27, Private,193898, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,52, United-States +>50K,32, Private,195000, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,45, United-States +<=50K,23, Private,303121, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +<=50K,35, Self-emp-not-inc,188540, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,158656, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, White, Female,0,0,36, United-States +>50K,45, Self-emp-inc,204196, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +<=50K,27, Private,183802, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,46, Private,148995, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,190903, 11th,7, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,37, State-gov,173780, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,30, United-States +<=50K,42, Private,251239, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, Puerto-Rico +<=50K,45, Private,112761, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,33, State-gov,425785, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,197731, Assoc-voc,11, Married-spouse-absent, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,24, Private,119156, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,50, United-States +<=50K,56, Private,133819, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,34, Private,185556, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,12, United-States +>50K,50, Private,109277, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,48, Self-emp-inc,36020, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,45, Private,45857, 11th,7, Married-civ-spouse, Other-service, Wife, White, Female,0,0,36, United-States +>50K,55, Private,184882, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,50, United-States +<=50K,41, State-gov,342834, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Private,234743, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,24, United-States +<=50K,29, Federal-gov,106179, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,1408,40, United-States +<=50K,37, Private,177895, Some-college,10, Married-civ-spouse, Tech-support, Wife, White, Female,5013,0,40, United-States +<=50K,63, ?,257876, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,61, Private,86067, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +>50K,64, Private,66634, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Male,27828,0,50, United-States +<=50K,35, Private,138441, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +<=50K,22, Private,279802, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,58, Private,407138, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2936,0,50, Mexico +>50K,58, Private,31732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,204172, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,48, United-States +<=50K,34, Private,100593, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,6, United-States +<=50K,33, Local-gov,162623, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Self-emp-not-inc,80933, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,47425, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,27, Private,107812, Bachelors,13, Married-civ-spouse, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,20, Self-emp-inc,104443, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,52, Private,117496, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,1755,40, United-States +<=50K,30, Private,209691, 7th-8th,4, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, Private,314525, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,190772, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,64, Local-gov,199298, 5th-6th,3, Divorced, Other-service, Not-in-family, White, Female,0,0,45, ? +>50K,49, Private,187370, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,50, United-States +<=50K,38, Private,216129, Bachelors,13, Divorced, Other-service, Not-in-family, Black, Female,0,0,60, ? +>50K,46, Federal-gov,219293, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,80, United-States +<=50K,17, Private,136363, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,45, Private,233799, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,27, Private,207611, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,178344, Assoc-voc,11, Divorced, Sales, Unmarried, White, Female,0,0,30, United-States +>50K,26, Self-emp-inc,187652, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,78, United-States +<=50K,23, Private,188545, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Female,0,1974,20, United-States +<=50K,44, Local-gov,58124, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Male,0,0,45, United-States +<=50K,36, Private,321733, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,1741,40, United-States +<=50K,35, Private,206253, 9th,5, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, ?,152140, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,56, Private,76281, Bachelors,13, Married-spouse-absent, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,47, Private,606752, Masters,14, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,32, Private,29933, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,114158, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,3325,0,10, United-States +<=50K,55, ?,227203, Assoc-acdm,12, Married-spouse-absent, ?, Not-in-family, White, Female,0,0,5, United-States +>50K,35, Self-emp-inc,65624, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,37, Private,34146, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,68, United-States +<=50K,36, Self-emp-not-inc,34378, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,3908,0,75, United-States +<=50K,33, Private,141490, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,45, United-States +<=50K,34, Private,199227, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Private,224954, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,231357, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Self-emp-inc,113530, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,38, Private,22245, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,36383, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,35, Private,320305, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,32, United-States +<=50K,67, ?,201657, Bachelors,13, Divorced, ?, Not-in-family, White, Female,0,0,60, United-States +<=50K,34, Private,48935, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,46, Private,101455, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,19, Local-gov,243960, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,16, United-States +<=50K,26, Private,90915, Assoc-acdm,12, Never-married, Other-service, Own-child, Black, Female,0,0,15, United-States +<=50K,28, Private,315287, Some-college,10, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,47, Private,106255, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,49, Local-gov,215895, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, Italy +>50K,33, Self-emp-not-inc,170979, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +>50K,44, Private,210525, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,195488, HS-grad,9, Never-married, Priv-house-serv, Own-child, White, Female,0,0,40, Guatemala +<=50K,18, Private,152246, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,16, United-States +>50K,60, Self-emp-not-inc,187794, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,60, United-States +>50K,44, Private,110396, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,56, United-States +>50K,81, ?,89391, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,24, United-States +<=50K,43, State-gov,254817, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,41777, 12th,8, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,58, Self-emp-not-inc,234841, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,72, United-States +<=50K,32, Private,79586, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,40, Private,115331, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,32, Private,63564, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +<=50K,21, Private,132053, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,1721,35, United-States +<=50K,44, Private,370502, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,25, Mexico +>50K,33, Private,59083, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1902,45, United-States +<=50K,25, Private,69413, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,42, Private,32981, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,176683, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,62, ?,144116, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,31, Self-emp-not-inc,209213, HS-grad,9, Never-married, Sales, Not-in-family, Black, Male,0,0,40, ? +<=50K,33, State-gov,150657, Bachelors,13, Never-married, Prof-specialty, Other-relative, Black, Female,0,0,40, United-States +<=50K,50, Self-emp-not-inc,124793, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +>50K,50, Private,22211, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,50, United-States +<=50K,46, Private,270565, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,38251, Assoc-acdm,12, Never-married, Other-service, Unmarried, White, Female,0,0,35, United-States +>50K,66, State-gov,162945, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Black, Male,20051,0,55, United-States +<=50K,52, Private,195638, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,45, United-States +<=50K,57, Self-emp-not-inc,118806, 1st-4th,2, Widowed, Craft-repair, Other-relative, White, Female,0,1602,45, Columbia +<=50K,41, Self-emp-not-inc,44006, Assoc-voc,11, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,42, Private,119679, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1579,42, United-States +<=50K,19, Private,333953, 12th,8, Never-married, Other-service, Other-relative, White, Female,0,0,30, United-States +<=50K,45, Local-gov,172111, Bachelors,13, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +<=50K,51, Self-emp-not-inc,32372, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,99, United-States +<=50K,69, ?,117525, Assoc-acdm,12, Divorced, ?, Unmarried, White, Female,0,0,1, United-States +<=50K,45, Self-emp-not-inc,123681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,48, Private,317360, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +>50K,60, Federal-gov,119832, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,42, Private,135056, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,19, State-gov,135162, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,39, Self-emp-not-inc,194004, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,70, United-States +>50K,46, Private,177633, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,58, Local-gov,212864, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,3908,0,40, United-States +<=50K,36, Private,30509, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,21, Private,118712, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,35, United-States +>50K,41, Private,199018, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,151799, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,29, Private,181280, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,232024, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,33, Private,226267, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, Mexico +<=50K,38, Private,240467, Masters,14, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,35, United-States +>50K,42, Private,154374, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,24, State-gov,231473, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,30, United-States +>50K,59, Private,158813, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,36, Private,346478, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,2415,45, United-States +>50K,54, Private,215990, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,7688,0,40, United-States +>50K,39, Private,177154, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +<=50K,42, Self-emp-not-inc,238188, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,96, United-States +<=50K,54, Self-emp-not-inc,156800, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,130620, Assoc-acdm,12, Married-spouse-absent, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, ? +>50K,50, Private,175339, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,37937, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,45, United-States +>50K,48, Federal-gov,166634, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,7688,0,40, United-States +<=50K,31, Private,221167, Bachelors,13, Widowed, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,56, Private,179641, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +>50K,28, Local-gov,213195, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,34, Private,157747, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,227840, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Private,169104, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, ? +>50K,44, Private,186916, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,60, United-States +<=50K,34, Private,37646, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,65, United-States +>50K,26, Private,157028, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,37, Private,188774, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,2824,40, United-States +<=50K,64, ?,146272, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,3411,0,15, United-States +<=50K,25, Private,182656, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,48, Self-emp-not-inc,200471, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,358465, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,78602, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,20, United-States +<=50K,44, Private,213416, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,46, Local-gov,345911, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,32, ?,119522, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,42, Federal-gov,126320, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,33, Self-emp-not-inc,235271, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,61, Private,141745, HS-grad,9, Divorced, Other-service, Not-in-family, Black, Female,0,0,40, United-States +<=50K,47, Private,359461, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,35, Private,109351, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,8614,0,45, United-States +<=50K,62, Private,148113, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,62, Self-emp-not-inc,75478, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,38, Private,100375, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,60, United-States +<=50K,19, ?,28455, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,231413, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,39, Local-gov,119421, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,42, United-States +<=50K,17, Private,206998, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,58, Private,183810, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,187053, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,34, Local-gov,155781, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,4064,0,50, United-States +<=50K,55, ?,193895, 7th-8th,4, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,48520, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, Self-emp-inc,170125, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,107584, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,196742, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,52, ?,244214, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +<=50K,48, Local-gov,127921, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,42617, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,30, United-States +<=50K,47, Local-gov,191389, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,38, Private,187983, Prof-school,15, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,18, Private,215110, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, United-States +<=50K,25, Private,230292, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,90159, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,32, United-States +<=50K,40, Private,175398, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,56, Self-emp-not-inc,53366, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,50, Private,46155, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,55, Private,61708, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,6418,0,50, United-States +<=50K,32, Local-gov,112650, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,41, Private,173682, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,43, United-States +<=50K,28, Private,160981, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,52, United-States +<=50K,53, Private,72257, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,26, ?,182332, Assoc-voc,11, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,60, Local-gov,48788, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,5455,0,55, United-States +<=50K,21, Private,417668, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,29, Private,107458, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,73, Private,147551, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2174,50, United-States +>50K,43, Self-emp-inc,33729, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,45, Private,101977, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,35, ?,374716, 9th,5, Married-civ-spouse, ?, Wife, White, Female,0,0,35, United-States +>50K,36, Private,214378, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,25, Private,111243, HS-grad,9, Never-married, Sales, Other-relative, White, Female,0,0,50, United-States +<=50K,38, Private,252947, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,40, United-States +<=50K,30, Local-gov,118500, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,49, Private,195612, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,40, United-States +<=50K,41, Local-gov,174575, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,190391, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,166715, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,41, Self-emp-not-inc,142725, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +>50K,37, Private,73471, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,47, United-States +<=50K,51, Private,241745, 5th-6th,3, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,40, Mexico +<=50K,35, Private,316141, Some-college,10, Divorced, Prof-specialty, Unmarried, White, Female,7443,0,40, United-States +<=50K,61, Local-gov,248595, 1st-4th,2, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,52, Private,90189, 7th-8th,4, Divorced, Priv-house-serv, Own-child, Black, Female,0,0,16, United-States +>50K,40, Private,205195, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,148940, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,52, Local-gov,298035, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,50, Private,154728, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,49, Private,166809, Bachelors,13, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,36, State-gov,97136, Bachelors,13, Never-married, Prof-specialty, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Private,347623, Masters,14, Never-married, Exec-managerial, Unmarried, White, Male,0,0,40, United-States +<=50K,40, Private,117917, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,50, United-States +>50K,45, Private,266860, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,71864, Some-college,10, Never-married, Craft-repair, Own-child, White, Female,0,0,35, United-States +>50K,47, Private,158451, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,2, United-States +<=50K,24, Private,229826, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,30, United-States +<=50K,19, Private,121788, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,151365, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,40, Private,360884, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,50, United-States +>50K,54, Private,36480, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,15024,0,50, United-States +>50K,43, Self-emp-not-inc,116666, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Other, Male,0,0,35, United-States +<=50K,63, Local-gov,214143, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +<=50K,18, Private,45316, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,311974, 1st-4th,2, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +<=50K,49, Self-emp-not-inc,48495, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,27, Private,115945, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,49, Local-gov,170846, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,142922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,71, ?,181301, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,286675, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,29, Private,233168, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,46, United-States +<=50K,30, Private,177304, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,46, Private,336984, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,17, United-States +<=50K,32, Self-emp-not-inc,379412, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,180778, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,75, United-States +<=50K,25, Private,141876, Masters,14, Never-married, Prof-specialty, Unmarried, White, Male,0,0,45, ? +>50K,22, Private,228306, Some-college,10, Married-AF-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,32, Private,329993, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +>50K,40, Private,247469, Doctorate,16, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,51, Private,673764, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,27828,0,40, United-States +<=50K,20, Private,155775, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +<=50K,34, Private,81223, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,48, United-States +<=50K,40, Private,236021, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, State-gov,103371, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,199480, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,53, Private,152657, 10th,6, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,42, Federal-gov,460214, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,38, Private,91039, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +>50K,41, Private,197372, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,64, ?,267198, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,16, United-States +<=50K,30, State-gov,111883, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,66917, 11th,7, Married-civ-spouse, Farming-fishing, Own-child, White, Male,0,0,40, Mexico +<=50K,19, Private,292583, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,20, Private,391679, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,60, United-States +<=50K,35, Private,475324, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,33, Self-emp-not-inc,218164, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, Self-emp-not-inc,101534, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,15, United-States +<=50K,38, Federal-gov,65706, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +<=50K,50, Self-emp-not-inc,156606, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,23, Private,200967, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,30, Local-gov,164493, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,10, United-States +<=50K,33, Private,547886, Bachelors,13, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,232145, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,96421, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,24, Outlying-US(Guam-USVI-etc) +<=50K,33, Private,554206, Some-college,10, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, Philippines +>50K,50, Local-gov,234143, Masters,14, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,45, United-States +>50K,23, Private,380544, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, Local-gov,103886, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, State-gov,54709, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,46, United-States +<=50K,26, Private,276548, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,20, United-States +<=50K,55, Local-gov,176046, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,2267,40, United-States +<=50K,37, Private,114605, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,323713, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,261382, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,223548, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, Mexico +<=50K,47, Self-emp-not-inc,355978, Doctorate,16, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2002,45, United-States +<=50K,44, Private,107218, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,28, Self-emp-not-inc,31717, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,328947, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Private,148431, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,121602, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,62, Private,244087, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,50, United-States +<=50K,31, Private,83425, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,29, Private,157308, 11th,7, Married-civ-spouse, Handlers-cleaners, Wife, Asian-Pac-Islander, Female,2829,0,14, Philippines +<=50K,23, Private,57898, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,30, United-States +<=50K,40, State-gov,175304, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,66, Self-emp-inc,102663, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,99175, 11th,7, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,37, Private,208358, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,69, Private,361561, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,3, United-States +<=50K,23, Private,215115, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Federal-gov,207066, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,37, Federal-gov,160910, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,64879, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,430035, 9th,5, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,54, Mexico +<=50K,37, State-gov,74163, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,37, Self-emp-inc,98389, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,386019, 9th,5, Never-married, Farming-fishing, Unmarried, White, Male,0,0,70, United-States +<=50K,17, Private,112795, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,48, Private,332465, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,38611, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,23, United-States +>50K,55, Private,368797, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, United-States +>50K,35, Private,24106, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,68, ?,108683, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,12, United-States +<=50K,35, Self-emp-not-inc,241998, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +>50K,53, Private,312446, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,69333, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,36, Private,172538, Masters,14, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,275884, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,45, Private,43479, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,34, Private,199864, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,2057,40, United-States +<=50K,56, Private,235197, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,36, Private,170376, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, Private,325179, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,50, United-States +<=50K,19, ?,351195, 9th,5, Never-married, ?, Other-relative, White, Male,0,1719,35, El-Salvador +<=50K,33, Private,141841, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,36, United-States +<=50K,48, Private,207817, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,32, Columbia +<=50K,20, Private,137974, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,64, Self-emp-inc,161325, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,1887,50, United-States +<=50K,47, Private,293623, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Dominican-Republic +<=50K,20, Private,37783, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,44, Federal-gov,308027, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,149218, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,77, United-States +>50K,45, Local-gov,374450, HS-grad,9, Married-civ-spouse, Transport-moving, Wife, White, Female,5178,0,40, United-States +>50K,45, Local-gov,61885, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,37, United-States +<=50K,27, State-gov,291196, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,41, Private,45366, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, United-States +<=50K,20, Private,203027, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,55, United-States +>50K,54, Self-emp-inc,223752, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, ? +<=50K,17, Private,132680, 10th,6, Never-married, Other-service, Own-child, White, Female,0,1602,10, United-States +>50K,50, Private,155574, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, State-gov,193565, Masters,14, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Self-emp-not-inc,123598, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,44, Private,456236, Masters,14, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,163229, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,28, Local-gov,419740, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +>50K,43, Local-gov,118853, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,4386,0,99, United-States +<=50K,33, Private,31449, Assoc-acdm,12, Divorced, Machine-op-inspct, Unmarried, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,35, Private,204163, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,55, United-States +<=50K,17, Private,177629, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,25, Private,186370, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,188307, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,55481, Masters,14, Never-married, Tech-support, Unmarried, White, Male,0,0,45, Nicaragua +>50K,48, Private,119471, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,56, Philippines +<=50K,61, Local-gov,167347, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,41, Private,184378, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, Private,348960, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,50, United-States +<=50K,24, Local-gov,69640, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,297457, HS-grad,9, Never-married, Adm-clerical, Own-child, Black, Male,0,0,40, United-States +<=50K,18, Private,279593, 11th,7, Never-married, Prof-specialty, Own-child, White, Female,0,0,2, United-States +<=50K,20, Private,211968, Some-college,10, Never-married, Prof-specialty, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,194561, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,23, Private,140414, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,43, State-gov,24763, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,45, United-States +<=50K,38, State-gov,462832, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Black, Female,0,0,40, Trinadad&Tobago +<=50K,36, Private,48972, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Self-emp-not-inc,35032, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,47, Private,228583, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, ? +>50K,51, Private,392668, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,84, United-States +>50K,35, Private,108140, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, State-gov,112497, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +>50K,47, Federal-gov,142581, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,26, Private,147982, 11th,7, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,31, State-gov,440129, Some-college,10, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,200734, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, Trinadad&Tobago +<=50K,49, Private,31807, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,166153, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,45, Self-emp-inc,212954, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,46, Private,52291, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +<=50K,70, Self-emp-not-inc,303588, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,20, United-States +<=50K,19, Private,96176, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +<=50K,46, Private,184632, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,137618, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,35, United-States +<=50K,17, Private,160029, 11th,7, Never-married, Other-service, Other-relative, White, Female,0,0,22, United-States +>50K,43, Private,178780, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,49, United-States +<=50K,19, Private,39756, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,37, Private,35309, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,117253, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +>50K,40, Local-gov,303212, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,214542, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,60, Canada +<=50K,31, Private,342019, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,59, Private,126668, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,5178,0,50, United-States +<=50K,27, Private,401508, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,40, Private,25005, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,99, United-States +<=50K,30, Self-emp-not-inc,85708, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,115677, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, White, Male,0,0,32, United-States +<=50K,25, Private,144259, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,50, United-States +<=50K,22, Private,197583, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,20, United-States +<=50K,21, State-gov,142766, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,67, ?,132626, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,6, United-States +>50K,35, Self-emp-inc,185621, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,60, United-States +<=50K,54, Local-gov,29887, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,56, United-States +<=50K,36, Private,117381, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,211482, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,32, Federal-gov,90653, HS-grad,9, Never-married, Exec-managerial, Unmarried, White, Female,0,1380,40, United-States +<=50K,55, Private,209535, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,56, Federal-gov,187873, Masters,14, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,19, Private,174732, Some-college,10, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,36, Private,297847, HS-grad,9, Never-married, Other-service, Not-in-family, Black, Female,0,2001,40, United-States +>50K,58, Private,110213, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,162601, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,108438, 10th,6, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,40, Self-emp-inc,132222, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,174394, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +<=50K,71, Self-emp-not-inc,322789, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,35, United-States +>50K,51, Federal-gov,72436, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,57, United-States +<=50K,27, ?,60726, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,20, Private,190273, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +<=50K,33, ?,393376, 11th,7, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,140571, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Female,0,0,40, United-States +>50K,28, Private,584790, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,197666, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,24, Greece +<=50K,36, Private,245090, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3137,0,50, El-Salvador +>50K,42, Private,192569, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,39, United-States +>50K,31, Local-gov,158291, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Male,8614,0,40, United-States +<=50K,19, ?,113915, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,10, United-States +<=50K,38, Local-gov,287658, Masters,14, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, Jamaica +<=50K,22, Private,192455, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,36, Private,317040, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,54, United-States +>50K,36, Private,218689, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,1977,50, United-States +<=50K,17, Private,116626, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,1719,18, United-States +<=50K,30, Federal-gov,48458, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,35, Self-emp-not-inc,241469, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,2635,0,30, United-States +>50K,32, Private,167990, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,14084,0,40, United-States +>50K,42, Private,261929, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,40, United-States +>50K,54, Private,425804, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +>50K,36, Private,33394, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1887,35, United-States +<=50K,58, Private,72812, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,89040, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,62, Local-gov,164518, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,51, Private,182740, HS-grad,9, Divorced, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,52, Private,361875, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,25, Private,197130, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +<=50K,26, Private,340335, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,293984, 10th,6, Married-civ-spouse, Craft-repair, Own-child, Black, Male,0,0,40, United-States +<=50K,59, State-gov,261584, Bachelors,13, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, Outlying-US(Guam-USVI-etc) +<=50K,21, Private,170302, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,50, United-States +>50K,45, Private,481987, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,18, United-States +<=50K,26, Private,88449, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,68, Self-emp-not-inc,261897, 10th,6, Widowed, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +>50K,60, Private,250552, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,65, Private,88513, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,18, United-States +<=50K,41, Private,168293, Masters,14, Divorced, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +<=50K,34, Private,283921, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,28, Private,407043, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,63745, Assoc-voc,11, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,57, Private,49893, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,37, Private,241962, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,338416, 10th,6, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,60, United-States +<=50K,21, ?,212888, 11th,7, Married-civ-spouse, ?, Wife, White, Female,0,0,56, United-States +>50K,57, Federal-gov,310320, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,48, United-States +>50K,55, Private,359972, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,51, Private,64643, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, ? +>50K,56, Private,125000, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,286675, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,18, Private,165532, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,15, United-States +<=50K,48, Private,349986, Assoc-voc,11, Married-spouse-absent, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,46, Private,213140, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,41, Federal-gov,219155, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, India +<=50K,33, Private,183612, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,20, United-States +<=50K,33, Private,391114, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,219632, 5th-6th,3, Married-spouse-absent, Machine-op-inspct, Other-relative, White, Male,0,0,40, Mexico +>50K,46, Self-emp-inc,320124, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, Amer-Indian-Eskimo, Female,15024,0,40, United-States +<=50K,40, Private,799281, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,38, United-States +<=50K,42, Private,657397, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +>50K,31, State-gov,373432, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,55, United-States +<=50K,51, Private,168660, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,191149, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,57, United-States +<=50K,37, Private,356824, HS-grad,9, Separated, Tech-support, Unmarried, White, Female,0,0,40, United-States +<=50K,25, Private,191782, 11th,7, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,40, United-States +>50K,63, Self-emp-not-inc,29859, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,7688,0,60, United-States +<=50K,52, Private,204226, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,42, Local-gov,246862, Some-college,10, Divorced, Tech-support, Not-in-family, White, Female,3325,0,40, United-States +<=50K,28, Private,496526, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,30, Private,426431, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,10520,0,40, United-States +<=50K,34, Private,84154, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +>50K,37, Federal-gov,45937, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Private,130021, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,63021, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,35, United-States +<=50K,25, Private,367306, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,38, Private,65624, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Self-emp-not-inc,144928, HS-grad,9, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,117747, Some-college,10, Never-married, Craft-repair, Other-relative, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,18, Private,266681, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,152035, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,190023, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,43, Private,233130, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,20, United-States +<=50K,21, Private,149637, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,62, Federal-gov,224277, Some-college,10, Widowed, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,121559, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Self-emp-not-inc,230951, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,345285, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,65, Self-emp-not-inc,28367, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,41, Private,320744, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,3325,0,50, United-States +<=50K,31, Private,243773, 9th,5, Never-married, Other-service, Unmarried, White, Female,0,0,20, United-States +<=50K,56, Private,151474, 9th,5, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +>50K,50, Private,135465, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,22, Private,210781, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,36, Local-gov,359001, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,48, United-States +>50K,48, Private,119471, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, India +<=50K,30, Private,226396, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +<=50K,35, Private,283122, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,37, Self-emp-not-inc,326400, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,32, ?,169186, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,5, United-States +<=50K,56, Private,158752, Masters,14, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,29, ?,208406, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,35, United-States +<=50K,41, Private,96741, Assoc-acdm,12, Divorced, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,38, State-gov,255191, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,177733, 9th,5, Separated, Machine-op-inspct, Unmarried, White, Female,0,0,35, Dominican-Republic +<=50K,54, State-gov,137815, 12th,8, Never-married, Other-service, Own-child, White, Male,4101,0,40, United-States +<=50K,36, ?,187203, Assoc-voc,11, Divorced, ?, Own-child, White, Male,0,0,50, United-States +<=50K,42, Private,168515, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,122672, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,195199, HS-grad,9, Never-married, Prof-specialty, Own-child, White, Female,0,0,30, United-States +<=50K,69, Local-gov,179813, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,10, United-States +<=50K,32, Private,178623, Assoc-acdm,12, Never-married, Sales, Not-in-family, Black, Female,0,0,46, Trinadad&Tobago +<=50K,50, Private,41890, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,373050, 12th,8, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,45, Private,80430, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,31, Private,198613, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,35, United-States +<=50K,24, Private,330571, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +>50K,28, Private,209205, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,21, Private,132243, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Female,0,0,5, United-States +<=50K,43, Self-emp-not-inc,237670, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,25, United-States +<=50K,22, Private,193586, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,62, Self-emp-not-inc,197353, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1740,40, United-States +<=50K,21, Self-emp-not-inc,74538, Some-college,10, Never-married, Tech-support, Not-in-family, White, Male,0,0,25, United-States +<=50K,37, Private,89718, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,93169, Some-college,10, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,74, Self-emp-not-inc,292915, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1825,12, United-States +<=50K,43, Private,328570, Some-college,10, Divorced, Machine-op-inspct, Unmarried, Black, Female,0,0,38, United-States +<=50K,25, Private,312157, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,193459, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,236804, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,126223, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +>50K,51, State-gov,172281, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,35, United-States +<=50K,64, Private,153894, Bachelors,13, Never-married, Sales, Unmarried, White, Female,0,0,40, Peru +<=50K,35, Private,331395, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,69, Self-emp-not-inc,92472, 10th,6, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,3273,0,45, United-States +>50K,32, Private,318647, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,20, Private,332931, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, United-States +>50K,66, Self-emp-inc,76212, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,301168, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Italy +<=50K,22, Private,440969, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,24, United-States +<=50K,32, Private,154950, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,218343, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,21, Private,239577, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,247936, HS-grad,9, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,2, Taiwan +<=50K,62, Local-gov,203525, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,2829,0,40, United-States +<=50K,24, Private,182342, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,25649, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,7298,0,50, United-States +<=50K,27, Private,243569, 11th,7, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,3942,0,40, United-States +>50K,38, Private,187870, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,90, United-States +<=50K,20, ?,289116, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,5, United-States +<=50K,30, Private,487330, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +<=50K,17, ?,34019, 10th,6, Never-married, ?, Own-child, White, Male,0,0,20, United-States +<=50K,17, ?,250541, 11th,7, Never-married, ?, Own-child, Black, Male,0,0,8, United-States +<=50K,21, Self-emp-not-inc,318987, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,56, Self-emp-not-inc,140558, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,59, Local-gov,303455, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,4787,0,60, United-States +<=50K,37, Self-emp-not-inc,76855, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,52, Private,308764, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,50, Federal-gov,339905, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,55, Private,227856, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +>50K,55, Private,156430, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, ?,98265, HS-grad,9, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,72, Private,116640, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,3471,0,20, United-States +<=50K,39, Private,187167, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,184078, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,108140, Bachelors,13, Divorced, Tech-support, Other-relative, White, Male,0,0,40, United-States +<=50K,44, Private,150533, Some-college,10, Separated, Craft-repair, Not-in-family, White, Male,0,1876,55, United-States +<=50K,51, Self-emp-not-inc,313702, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,39803, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,1719,36, United-States +<=50K,25, Private,252752, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Female,0,0,45, United-States +>50K,52, Private,111700, Some-college,10, Divorced, Sales, Other-relative, White, Female,0,0,20, United-States +<=50K,45, Private,361842, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,17, Private,231438, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,20, Private,178469, HS-grad,9, Never-married, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,15, ? +<=50K,64, Local-gov,116620, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,25, United-States +<=50K,34, Private,112212, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1485,40, United-States +<=50K,74, Self-emp-not-inc,109101, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,4, United-States +>50K,58, Federal-gov,72998, 11th,7, Divorced, Craft-repair, Not-in-family, Black, Female,14084,0,40, United-States +>50K,44, Private,147265, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,314645, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,23, Private,444554, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,50, United-States +<=50K,27, Private,129629, Assoc-voc,11, Never-married, Tech-support, Other-relative, White, Female,0,0,36, United-States +>50K,34, Private,106761, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,18, Private,189924, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,24, United-States +<=50K,33, Private,311194, 11th,7, Never-married, Sales, Unmarried, Black, Female,0,0,17, United-States +<=50K,50, Self-emp-not-inc,89737, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,49298, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,50, Self-emp-inc,190333, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,99999,0,55, United-States +<=50K,18, Private,251923, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +>50K,49, Local-gov,298445, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,60, United-States +<=50K,34, Private,180284, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,50, United-States +>50K,51, Private,154342, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +>50K,56, State-gov,68658, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,203783, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,8, United-States +<=50K,23, Private,250037, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,158688, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,214781, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,60, Federal-gov,404023, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,10520,0,40, United-States +<=50K,57, State-gov,109015, 12th,8, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,194630, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,23, Private,239375, Bachelors,13, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,35576, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,2415,50, United-States +>50K,39, Federal-gov,363630, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, Black, Male,7688,0,52, United-States +<=50K,32, Self-emp-not-inc,182926, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,117222, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,15, United-States +<=50K,30, Private,110643, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,52, United-States +<=50K,56, Self-emp-not-inc,170217, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,45, United-States +<=50K,34, Private,193285, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,161075, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,59, Private,322691, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,229431, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,11, United-States +<=50K,60, ?,106282, 9th,5, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Private,105694, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,42, United-States +<=50K,24, Private,199883, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, State-gov,100800, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,23, Private,256278, 7th-8th,4, Married-civ-spouse, Handlers-cleaners, Other-relative, Other, Female,0,0,30, El-Salvador +>50K,32, Private,156464, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,50, United-States +<=50K,51, Self-emp-inc,129525, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, ? +<=50K,18, Private,285013, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,10, United-States +<=50K,28, Private,248911, Some-college,10, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, ? +>50K,33, ?,369386, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,5178,0,40, United-States +<=50K,38, Private,219902, HS-grad,9, Separated, Transport-moving, Unmarried, Black, Female,0,0,30, United-States +<=50K,29, Private,375482, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, England +<=50K,25, Private,169124, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,31, Private,183000, Prof-school,15, Never-married, Tech-support, Not-in-family, White, Male,0,0,55, United-States +<=50K,34, Private,28053, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +>50K,34, Private,242984, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,45, United-States +>50K,66, State-gov,132055, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1825,40, United-States +<=50K,41, Private,212894, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Guatemala +<=50K,62, Private,223975, 7th-8th,4, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,58, Private,357788, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,406811, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,40, Canada +<=50K,24, Private,154422, Bachelors,13, Never-married, Exec-managerial, Own-child, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,47, Private,140644, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,355477, HS-grad,9, Never-married, Other-service, Own-child, Black, Male,0,0,25, United-States +<=50K,32, Private,151773, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,51, State-gov,341548, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,512771, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,60, ?,141580, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,48988, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +>50K,29, Private,201022, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,50, United-States +<=50K,20, Private,82777, HS-grad,9, Married-civ-spouse, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,42, Private,152676, 7th-8th,4, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, Puerto-Rico +<=50K,18, Private,115815, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,23, Private,168009, 10th,6, Married-civ-spouse, Machine-op-inspct, Own-child, Asian-Pac-Islander, Female,0,0,40, Vietnam +>50K,28, Private,213152, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, ? +>50K,55, Private,89690, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,40, Private,126868, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,52, Private,95128, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,37, Private,185567, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,40, United-States +<=50K,21, Private,301408, Some-college,10, Never-married, Sales, Own-child, White, Female,0,1602,22, United-States +<=50K,35, Private,216256, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,45, Private,182541, Some-college,10, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,48, United-States +<=50K,39, Private,172855, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,54, Private,68684, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,42, Private,364832, 7th-8th,4, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, ?,264300, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,20, United-States +<=50K,59, Self-emp-inc,349910, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,276218, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,22, Private,251196, Some-college,10, Never-married, Protective-serv, Own-child, Black, Female,0,0,20, United-States +<=50K,33, Private,196898, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,58343, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Self-emp-inc,101061, 11th,7, Never-married, Farming-fishing, Own-child, White, Male,0,0,70, United-States +>50K,46, Private,415051, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,60, United-States +<=50K,24, Private,174043, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,129460, Assoc-voc,11, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,30, Ecuador +<=50K,21, State-gov,110946, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,43, United-States +<=50K,22, Private,313873, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,30, United-States +>50K,61, Private,81132, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Asian-Pac-Islander, Male,7298,0,40, Philippines +<=50K,56, Federal-gov,255386, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Laos +<=50K,21, Private,191497, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,17, Private,128617, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,26, United-States +>50K,29, Private,368949, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, ? +>50K,28, Local-gov,263600, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,62, Private,257277, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,39, Private,339442, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, Black, Male,2176,0,40, United-States +<=50K,30, Local-gov,289442, HS-grad,9, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, ?,162667, 11th,7, Never-married, ?, Unmarried, White, Male,0,0,40, El-Salvador +<=50K,18, Local-gov,466325, 11th,7, Never-married, Adm-clerical, Own-child, White, Male,0,0,12, United-States +<=50K,54, Private,142169, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,49, Private,252079, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,33, State-gov,119628, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,50, Hong +>50K,50, Private,175804, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,70720, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,78, United-States +<=50K,50, State-gov,201513, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,45, Private,257609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,41, Private,124692, Some-college,10, Married-civ-spouse, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,268525, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,23, Private,250630, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Private,180277, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Hungary +<=50K,39, Self-emp-not-inc,191342, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, South +>50K,29, Private,250967, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,48, United-States +<=50K,46, Private,153254, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,18, Private,362600, 5th-6th,3, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,68, Private,171933, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,62, Private,211408, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,48193, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,22463, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,440969, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,21, State-gov,164922, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,41, Local-gov,134524, Assoc-voc,11, Divorced, Craft-repair, Unmarried, White, Female,0,0,45, United-States +<=50K,61, Private,176689, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,220993, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,21, Private,512828, HS-grad,9, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,36, State-gov,422275, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Mexico +<=50K,37, Local-gov,65291, Assoc-voc,11, Never-married, Protective-serv, Not-in-family, White, Female,0,0,40, United-States +>50K,69, Private,197080, 12th,8, Married-civ-spouse, Transport-moving, Husband, White, Male,9386,0,60, United-States +<=50K,49, Federal-gov,181657, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,55, Private,190257, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,53, United-States +<=50K,21, Private,238068, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,337046, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,187248, HS-grad,9, Married-civ-spouse, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,20, ?,250037, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,18, ? +<=50K,46, Private,285750, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,4064,0,55, United-States +<=50K,23, Private,260617, 10th,6, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,48, Private,216999, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, Private,531055, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,48, United-States +<=50K,42, State-gov,121265, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Local-gov,184466, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,45, Private,297676, Assoc-acdm,12, Widowed, Sales, Unmarried, White, Female,0,0,40, Cuba +<=50K,52, Private,114228, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,3325,0,40, United-States +<=50K,22, Local-gov,121144, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,18, United-States +<=50K,20, Private,26842, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,2176,0,40, United-States +<=50K,27, Private,113054, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,43, United-States +<=50K,36, Private,256636, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,152246, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Amer-Indian-Eskimo, Male,0,0,52, United-States +>50K,38, Private,108140, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, ?,203353, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,47, Private,207207, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,21, Private,115420, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,80058, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Local-gov,48520, Assoc-acdm,12, Never-married, Protective-serv, Unmarried, White, Male,0,0,40, United-States +<=50K,61, Private,411652, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Mexico +<=50K,46, Private,154405, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,45, United-States +>50K,55, Local-gov,104917, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +<=50K,19, State-gov,261422, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,39, Private,48915, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,172037, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,144833, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,275116, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,61, ?,72886, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,38, United-States +<=50K,61, Private,103575, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,37, United-States +<=50K,54, Private,200783, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,50, Self-emp-inc,152810, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,70, Germany +>50K,37, Local-gov,44694, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,45, United-States +<=50K,17, ?,48703, 11th,7, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,56, Private,91905, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,4, United-States +>50K,31, Private,168906, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,32, State-gov,147215, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,28, Private,153546, 11th,7, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,35595, Assoc-voc,11, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,225507, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,42, Private,345504, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,64, Private,137205, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,327779, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,20, United-States +<=50K,41, ?,213416, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,32, Mexico +<=50K,45, Private,362883, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,48, Private,131309, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,44, Private,188331, Some-college,10, Separated, Tech-support, Not-in-family, White, Female,0,0,38, United-States +<=50K,34, Federal-gov,194740, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,43711, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,187033, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +<=50K,23, Private,233923, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,51, Private,84278, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,24, Private,437666, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,2885,0,50, United-States +>50K,57, Private,186386, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Male,10520,0,40, United-States +<=50K,23, Private,129767, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,1721,40, United-States +>50K,34, Private,180284, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,108320, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,4101,0,40, United-States +>50K,56, Self-emp-inc,75214, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,32, United-States +<=50K,42, Private,284758, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Self-emp-inc,188330, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +>50K,38, Private,333651, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,70, United-States +>50K,29, Local-gov,115305, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,40, United-States +<=50K,54, Private,172962, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,1340,40, United-States +>50K,40, Private,198096, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,163265, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,35, Federal-gov,128608, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,107460, HS-grad,9, Separated, Exec-managerial, Unmarried, White, Female,0,0,37, United-States +<=50K,51, Private,251841, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,43, United-States +<=50K,28, Private,403671, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +>50K,58, Private,159378, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,170070, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,25, United-States +<=50K,46, State-gov,192323, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, Private,135796, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,48, United-States +<=50K,22, Private,232985, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,20, United-States +<=50K,28, Private,34532, Bachelors,13, Never-married, Tech-support, Not-in-family, Black, Male,0,0,30, Jamaica +<=50K,17, ?,371316, 10th,6, Never-married, ?, Own-child, White, Male,0,0,25, United-States +<=50K,23, Private,236994, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,60, United-States +<=50K,19, Private,208366, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, State-gov,102640, HS-grad,9, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,35, United-States +<=50K,38, Private,111377, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Federal-gov,472166, Some-college,10, Divorced, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +<=50K,39, ?,86551, 12th,8, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,47, Private,70943, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,5178,0,40, United-States +<=50K,39, Private,294919, HS-grad,9, Divorced, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,22, Private,408383, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,36, Private,255454, HS-grad,9, Never-married, Craft-repair, Own-child, Black, Male,0,0,30, United-States +<=50K,32, Private,193260, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,29, ?,191935, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Local-gov,125461, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,51, Private,97005, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,183319, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,32, State-gov,167049, 12th,8, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,185216, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,51, Private,161838, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,57, United-States +<=50K,38, Private,165848, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,44, United-States +<=50K,21, Private,138816, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,20, United-States +<=50K,33, Self-emp-not-inc,99761, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,15, United-States +<=50K,34, Private,112139, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,129020, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, ?,365465, Assoc-voc,11, Never-married, ?, Own-child, White, Male,0,0,15, United-States +>50K,27, Self-emp-not-inc,259873, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,60, United-States +>50K,35, Self-emp-inc,89622, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,29, State-gov,201556, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,40, Private,176286, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,46, Private,192894, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,30, United-States +<=50K,37, Private,172232, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,30, United-States +<=50K,38, Self-emp-not-inc,163204, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,25, United-States +>50K,37, Private,265737, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,1887,60, Cuba +>50K,44, Private,215304, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,185952, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,38, Private,216845, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,42, United-States +<=50K,34, Local-gov,35683, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,10, United-States +>50K,50, Self-emp-not-inc,371305, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,60, United-States +>50K,46, Private,102359, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,200089, 5th-6th,3, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,30, Guatemala +>50K,47, State-gov,207120, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,38, United-States +>50K,46, Private,295334, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,234537, Assoc-acdm,12, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,61, Private,142922, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,55, State-gov,181641, Some-college,10, Divorced, Prof-specialty, Not-in-family, Black, Female,0,0,37, United-States +<=50K,36, Private,185325, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +>50K,28, Private,167336, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,10520,0,40, United-States +<=50K,22, Private,379778, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,176117, Some-college,10, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +<=50K,33, Private,100228, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,150296, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,32, United-States +<=50K,43, Federal-gov,25005, Masters,14, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,12, United-States +>50K,55, Private,134120, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +<=50K,39, Self-emp-not-inc,251710, 10th,6, Married-spouse-absent, Other-service, Not-in-family, White, Female,0,1721,15, United-States +<=50K,20, Private,653574, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,33, El-Salvador +<=50K,38, Private,175441, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,30, Private,333119, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,89154, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,42, El-Salvador +<=50K,60, Private,198727, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,30, United-States +<=50K,43, Private,87284, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,180686, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,227070, Some-college,10, Never-married, Other-service, Unmarried, White, Female,0,0,48, El-Salvador +>50K,57, Local-gov,189824, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,7298,0,40, United-States +<=50K,25, Local-gov,348986, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,0,0,40, United-States +<=50K,38, Private,96185, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,32, United-States +<=50K,22, Private,112693, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,23, Private,417605, 5th-6th,3, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,61, Self-emp-not-inc,140300, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,44, United-States +<=50K,28, Private,340408, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,46, United-States +<=50K,17, ?,187539, 11th,7, Never-married, ?, Own-child, White, Female,0,0,10, United-States +<=50K,21, Private,237051, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,49, Private,175622, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,389725, 12th,8, Divorced, Craft-repair, Own-child, White, Male,0,0,35, United-States +<=50K,23, Private,182812, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, Dominican-Republic +<=50K,38, Self-emp-not-inc,245372, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,3137,0,50, United-States +>50K,34, Local-gov,93886, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,46, United-States +<=50K,21, Private,502837, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Female,0,0,40, Peru +>50K,27, State-gov,212232, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,40, United-States +>50K,57, Private,300104, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,22, Private,156933, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,25, United-States +<=50K,20, Private,286734, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Female,0,0,35, United-States +>50K,49, Self-emp-inc,143482, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,65, United-States +<=50K,38, Private,226357, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,104892, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,223194, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1485,40, Haiti +<=50K,37, Self-emp-not-inc,272090, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,57, Private,204816, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,56, Private,230039, 7th-8th,4, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,41, Private,242619, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,80, United-States +<=50K,50, Self-emp-not-inc,131982, HS-grad,9, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,0,60, South +<=50K,33, Private,87310, 9th,5, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,134566, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,28, Federal-gov,163862, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,35, Private,239409, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,203717, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,45, Private,172274, Doctorate,16, Divorced, Prof-specialty, Unmarried, Black, Female,0,3004,35, United-States +<=50K,30, Self-emp-not-inc,65278, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,35, Self-emp-inc,135289, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,27, Private,246974, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,180060, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, Yugoslavia +<=50K,24, Private,118023, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +>50K,47, Private,102308, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,47, Private,45564, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,137646, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,18, Private,237646, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,31, Local-gov,189843, HS-grad,9, Divorced, Protective-serv, Not-in-family, White, Male,0,0,47, United-States +<=50K,43, Self-emp-not-inc,118261, Masters,14, Divorced, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,45, Private,288437, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Other, Male,4064,0,40, United-States +<=50K,39, Private,106347, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,316471, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,50, United-States +<=50K,22, Private,50058, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,30, Self-emp-not-inc,182089, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,85, United-States +>50K,36, Private,186865, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,20, State-gov,158206, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,61, ?,229744, 1st-4th,2, Married-civ-spouse, ?, Husband, White, Male,3942,0,20, Mexico +<=50K,27, Private,141545, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1902,45, United-States +>50K,59, Local-gov,50929, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,60, Private,132529, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,260696, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,231180, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,60, United-States +>50K,40, Private,223277, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,279538, 11th,7, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,2961,0,35, United-States +<=50K,47, Private,46044, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,168071, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,20, Private,79691, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,75, ?,114204, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,13, United-States +<=50K,25, Private,124111, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,104521, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,29, Self-emp-not-inc,128516, Assoc-acdm,12, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,112564, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,45, State-gov,32186, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,239663, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,2597,0,50, United-States +<=50K,46, Private,269284, Assoc-acdm,12, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,41, State-gov,175537, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, Black, Female,0,0,38, United-States +>50K,29, Private,444304, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,27415, 11th,7, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Male,0,0,20, United-States +<=50K,39, Private,174343, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,148143, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,34, Private,209213, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, ? +<=50K,20, Private,165097, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, ?,51574, HS-grad,9, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,1602,38, United-States +>50K,52, Private,167651, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,29075, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +<=50K,22, Private,396895, 5th-6th,3, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, Mexico +<=50K,66, State-gov,71075, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,35, Private,129573, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +>50K,40, Local-gov,183765, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,164991, HS-grad,9, Divorced, Sales, Unmarried, Amer-Indian-Eskimo, Female,0,0,38, United-States +<=50K,51, Local-gov,154891, HS-grad,9, Divorced, Protective-serv, Unmarried, White, Male,0,0,52, United-States +<=50K,34, Private,200117, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,176389, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,342567, Bachelors,13, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,34, Private,178841, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,42, Local-gov,191149, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,41, Private,29702, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,21, Private,157893, HS-grad,9, Never-married, Transport-moving, Own-child, White, Female,0,0,40, United-States +<=50K,64, Local-gov,31993, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,10, United-States +<=50K,24, Federal-gov,210736, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1974,40, United-States +<=50K,23, Private,39615, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,10, United-States +<=50K,29, Private,200511, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,44, Self-emp-not-inc,47818, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,60, United-States +<=50K,28, Private,183155, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,33, Self-emp-inc,374905, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,35, Private,128876, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,202872, 10th,6, Married-spouse-absent, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,153414, Bachelors,13, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,24790, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,99, United-States +<=50K,32, Private,316769, 11th,7, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,37, Private,126569, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,128538, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,24, Private,234640, Assoc-voc,11, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,29, ?,65372, Some-college,10, Divorced, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,45, Private,343377, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,52, Federal-gov,30731, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,412379, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,46, Self-emp-inc,112320, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +>50K,63, Private,181929, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Male,0,0,50, United-States +>50K,32, Local-gov,100135, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,35, United-States +<=50K,24, Private,128061, HS-grad,9, Never-married, Other-service, Own-child, White, Female,594,0,15, United-States +<=50K,72, ?,402306, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,32, Canada +<=50K,35, ?,98389, Some-college,10, Never-married, ?, Unmarried, White, Male,0,0,10, United-States +<=50K,29, Private,179565, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,64922, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,50, United-States +<=50K,70, Private,102610, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +>50K,65, ?,115513, Bachelors,13, Married-civ-spouse, ?, Husband, White, Male,5556,0,48, United-States +<=50K,36, Private,150548, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,30, United-States +>50K,53, Private,133219, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,4386,0,30, United-States +<=50K,49, Local-gov,67001, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,60, Private,162347, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,18, Private,138557, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,170456, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,35, Italy +<=50K,42, Private,66006, 10th,6, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,40, United-States +<=50K,25, State-gov,176077, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,37, United-States +<=50K,32, Private,218322, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,25, Self-emp-inc,181691, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, ? +>50K,47, Private,168232, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,7298,0,40, United-States +<=50K,30, Private,161690, Assoc-voc,11, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, ?,242736, Assoc-acdm,12, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,38, Self-emp-not-inc,67317, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,34, Private,265807, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,2051,55, United-States +<=50K,37, Private,99357, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +>50K,56, Private,170070, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,52, State-gov,231166, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,62339, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,29, State-gov,118520, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +>50K,45, Private,155659, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,23, Local-gov,157331, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,45, Private,341762, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,30, Private,164190, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,42, United-States +<=50K,45, Private,83064, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,304283, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,23, Private,436798, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,29302, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,40, ? +>50K,43, Private,104660, Masters,14, Widowed, Exec-managerial, Unmarried, White, Male,4934,0,40, United-States +<=50K,42, Private,79036, HS-grad,9, Divorced, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,72, Private,165622, Some-college,10, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, ?,177287, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,57, Private,199847, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,24, Private,22966, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,27, Private,59068, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,77336, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,96524, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, Private,143868, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,40, United-States +>50K,48, Private,121424, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,39, Private,176279, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,41, Self-emp-inc,177905, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,70, United-States +<=50K,50, Private,205100, 7th-8th,4, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, ? +<=50K,57, Private,353881, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +>50K,44, Local-gov,177937, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,36, United-States +<=50K,20, ?,122244, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,28, United-States +<=50K,49, Private,125892, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,44, Private,155472, Assoc-acdm,12, Never-married, Prof-specialty, Unmarried, Black, Female,1151,0,50, United-States +<=50K,42, Private,355728, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,44, United-States +<=50K,18, ?,245274, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,16, United-States +<=50K,18, Private,240330, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,18, United-States +<=50K,51, Private,182944, HS-grad,9, Widowed, Tech-support, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,264498, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,110426, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,45, United-States +<=50K,25, Private,166971, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +>50K,41, Private,347653, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,50, United-States +>50K,39, Private,33975, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,42, Self-emp-not-inc,215219, 11th,7, Separated, Other-service, Unmarried, White, Female,0,0,30, United-States +<=50K,33, Private,190772, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,1617,40, United-States +<=50K,63, ?,331527, 10th,6, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,47, Private,162494, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,27, Local-gov,85918, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,68, United-States +>50K,39, Private,91367, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1848,45, United-States +<=50K,20, Private,182342, Some-college,10, Never-married, Farming-fishing, Own-child, White, Male,0,0,40, United-States +<=50K,49, Private,129640, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,70, ?,133536, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,28, United-States +<=50K,46, Private,148738, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,1740,35, United-States +>50K,47, Private,102583, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +<=50K,35, Private,111387, 9th,5, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,241752, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,22, ?,334593, Some-college,10, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,43, Private,101950, Bachelors,13, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +>50K,60, Local-gov,212856, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +>50K,53, Private,183973, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,47, Private,142061, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,158615, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,29145, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,40135, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +<=50K,23, Private,224640, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, ?,146651, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,15, United-States +<=50K,29, Private,167737, HS-grad,9, Never-married, Transport-moving, Other-relative, White, Male,0,0,50, United-States +<=50K,23, Private,60331, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,187167, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, ?,157131, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,27, Local-gov,255237, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,56, ?,192325, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,40, Private,163342, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,70, United-States +<=50K,31, Private,129775, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +<=50K,18, Private,206008, Some-college,10, Never-married, Sales, Unmarried, White, Male,2176,0,40, United-States +<=50K,25, Private,397317, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,745768, Some-college,10, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,38, Private,141550, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,52, Private,35576, HS-grad,9, Widowed, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,376383, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,35, Mexico +>50K,48, Self-emp-not-inc,200825, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,30, United-States +<=50K,34, ?,362787, HS-grad,9, Never-married, ?, Unmarried, Black, Female,0,0,35, United-States +>50K,46, Private,116789, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,160300, HS-grad,9, Married-spouse-absent, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,47, Private,362654, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,107801, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,3, United-States +<=50K,65, Private,170939, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,6723,0,40, United-States +<=50K,31, Local-gov,224234, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +>50K,38, Private,478346, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,7688,0,40, United-States +<=50K,68, Private,211162, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,147638, Bachelors,13, Never-married, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Hong +<=50K,42, Private,104647, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,49, Private,67365, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Private,230959, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,1887,40, Philippines +>50K,39, Private,176335, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,65, United-States +<=50K,31, Self-emp-not-inc,268482, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,28, State-gov,288731, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,36, Private,231082, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,42, State-gov,333530, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,62, Private,214288, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,118023, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,24, United-States +<=50K,21, Private,187088, Some-college,10, Never-married, Adm-clerical, Own-child, Other, Female,0,0,20, Cuba +<=50K,60, ?,174073, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,133833, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +<=50K,30, Private,229772, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,64, Private,210082, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,28, Private,119287, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,28, United-States +>50K,41, Self-emp-not-inc,111772, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,25, Private,122999, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Male,0,0,40, United-States +<=50K,27, Private,44767, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,200574, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,44, United-States +>50K,58, Private,236596, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,33124, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, United-States +<=50K,50, Local-gov,308764, HS-grad,9, Widowed, Transport-moving, Unmarried, White, Female,0,0,40, United-States +<=50K,27, Private,103524, HS-grad,9, Separated, Handlers-cleaners, Unmarried, White, Male,0,0,40, United-States +<=50K,31, ?,99483, HS-grad,9, Never-married, ?, Own-child, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,50, Private,230951, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,45, Private,99355, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,33, Private,857532, 12th,8, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,62, Private,81116, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Male,0,1974,40, United-States +<=50K,38, Private,154410, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, Poland +<=50K,19, Private,198943, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,35, United-States +<=50K,30, Private,311696, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,30, United-States +<=50K,38, Private,252897, Some-college,10, Divorced, Sales, Own-child, White, Female,0,0,25, United-States +>50K,42, Self-emp-not-inc,39539, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,49, Self-emp-inc,122066, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,25, United-States +>50K,53, Private,110977, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,50, United-States +>50K,45, Local-gov,199590, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, Mexico +<=50K,24, Private,202721, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,29, Private,197565, Assoc-voc,11, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,24, Private,206827, Some-college,10, Never-married, Sales, Own-child, White, Female,5060,0,30, United-States +>50K,38, Federal-gov,190895, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, ? +<=50K,25, Self-emp-inc,158751, Assoc-voc,11, Never-married, Transport-moving, Unmarried, White, Male,0,0,55, United-States +<=50K,51, State-gov,243631, 10th,6, Married-civ-spouse, Craft-repair, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,17, ?,219277, 11th,7, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,19, Private,45381, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,8, United-States +>50K,38, Private,167482, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,60, Private,225014, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Self-emp-not-inc,405083, HS-grad,9, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,66, ?,186061, Some-college,10, Widowed, ?, Unmarried, Black, Female,0,4356,40, United-States +<=50K,28, Federal-gov,24153, 10th,6, Married-civ-spouse, Other-service, Wife, Amer-Indian-Eskimo, Female,0,0,40, United-States +>50K,36, Private,126569, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Ecuador +<=50K,57, ?,137658, HS-grad,9, Married-civ-spouse, ?, Husband, Other, Male,0,0,5, Columbia +<=50K,24, Private,315476, Assoc-acdm,12, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,43, Private,248186, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +>50K,29, Self-emp-inc,206903, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,67, Self-emp-not-inc,191380, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,20051,0,25, United-States +<=50K,20, Private,191910, HS-grad,9, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,21, Private,145119, Some-college,10, Never-married, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,20, United-States +<=50K,20, Private,130840, 10th,6, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,42, Private,33126, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,20, Private,334105, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,10, United-States +<=50K,19, Local-gov,354104, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,34, Private,111985, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,40, Local-gov,321187, Bachelors,13, Never-married, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +<=50K,33, Private,138142, Some-college,10, Separated, Other-service, Unmarried, Black, Female,0,0,25, United-States +<=50K,36, Private,296999, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Female,0,0,37, United-States +>50K,43, Private,155106, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,2444,70, United-States +<=50K,41, Local-gov,174491, HS-grad,9, Separated, Other-service, Unmarried, Black, Female,0,0,40, United-States +>50K,34, State-gov,173266, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,33, Private,25610, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Other, Male,0,0,40, Japan +<=50K,47, Private,187563, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,196344, 1st-4th,2, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, Mexico +>50K,40, Private,205047, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,715938, Bachelors,13, Never-married, Craft-repair, Own-child, Black, Male,0,0,40, United-States +>50K,62, Self-emp-not-inc,224520, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,90, United-States +<=50K,29, Private,229656, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,46, Private,97883, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,131298, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,60, United-States +<=50K,57, Federal-gov,197875, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,172766, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,28, Local-gov,175796, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,51973, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +>50K,54, Self-emp-not-inc,28186, Bachelors,13, Divorced, Farming-fishing, Not-in-family, White, Male,27828,0,50, United-States +<=50K,22, Private,291979, 11th,7, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, State-gov,180752, Bachelors,13, Never-married, Protective-serv, Unmarried, Black, Female,0,0,40, United-States +<=50K,50, Private,234657, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,18, Private,39411, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +>50K,52, State-gov,334273, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,192779, 7th-8th,4, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, ? +<=50K,21, ?,105312, HS-grad,9, Never-married, ?, Not-in-family, White, Female,0,0,20, United-States +<=50K,36, Private,171676, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,1741,40, United-States +>50K,34, Self-emp-not-inc,182714, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,55, United-States +<=50K,21, Private,231866, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,102102, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,57, ?,50248, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,61, Local-gov,195519, Masters,14, Never-married, Prof-specialty, Unmarried, White, Female,0,0,25, United-States +<=50K,22, State-gov,34310, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,33, ?,314913, 11th,7, Divorced, ?, Own-child, White, Male,0,0,53, United-States +>50K,36, State-gov,747719, Prof-school,15, Married-civ-spouse, Prof-specialty, Wife, White, Female,15024,0,50, United-States +<=50K,43, Local-gov,188280, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,914,0,40, United-States +>50K,25, Private,110978, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,37, India +<=50K,17, Private,79682, 10th,6, Never-married, Priv-house-serv, Other-relative, White, Male,0,0,30, United-States +>50K,45, Private,294671, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,4386,0,38, United-States +<=50K,30, Private,340899, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,1590,80, United-States +<=50K,40, Private,192259, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,35, United-States +<=50K,31, Local-gov,190228, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +>50K,42, Private,118947, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,53, Private,55861, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,238433, 1st-4th,2, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, Cuba +<=50K,37, State-gov,166744, HS-grad,9, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,20, United-States +>50K,54, Private,144586, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,36, Private,134367, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,30, United-States +<=50K,46, Private,133616, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,46, Private,203039, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,32, Private,217460, 9th,5, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,106733, 11th,7, Never-married, Craft-repair, Own-child, White, Male,594,0,40, United-States +<=50K,42, State-gov,212027, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,37, Local-gov,126569, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,289960, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,54, Private,174102, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,181716, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,46, Local-gov,172822, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,293091, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,107443, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Portugal +<=50K,59, Private,95283, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,33, Private,65278, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,220943, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,1594,40, United-States +<=50K,53, Private,257940, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,2829,0,40, United-States +<=50K,26, Private,134945, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,40, United-States +<=50K,55, Self-emp-not-inc,105582, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,2228,0,50, United-States +<=50K,46, Private,169324, HS-grad,9, Separated, Other-service, Not-in-family, Black, Female,0,0,45, Jamaica +>50K,44, State-gov,98989, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Amer-Indian-Eskimo, Male,0,0,38, United-States +<=50K,30, Self-emp-not-inc,113838, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,3137,0,60, Germany +<=50K,24, Private,143436, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,24, United-States +<=50K,32, Private,143604, 10th,6, Married-spouse-absent, Other-service, Not-in-family, Black, Female,0,0,37, United-States +<=50K,35, Private,226311, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +>50K,67, Private,94610, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,30, United-States +>50K,56, Self-emp-not-inc,26716, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,26, Private,160261, Masters,14, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,20, India +<=50K,46, Private,117310, Assoc-acdm,12, Widowed, Tech-support, Unmarried, White, Female,6497,0,40, United-States +>50K,52, Private,154342, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,38, Self-emp-not-inc,89202, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,174704, HS-grad,9, Divorced, Sales, Unmarried, Black, Male,0,0,50, United-States +<=50K,53, Private,153486, HS-grad,9, Separated, Transport-moving, Not-in-family, White, Male,0,0,30, United-States +<=50K,27, Private,360097, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,230356, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,163870, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,37, Private,199753, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,20, Private,333505, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, Nicaragua +<=50K,60, Local-gov,149281, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,51, Private,138514, Assoc-voc,11, Divorced, Tech-support, Unmarried, Black, Female,0,0,48, United-States +>50K,57, Federal-gov,66504, Prof-school,15, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +>50K,59, Private,206487, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,170020, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,217605, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Wife, White, Female,0,0,40, United-States +>50K,43, Private,145711, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,72, United-States +<=50K,17, Private,169155, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,45, Private,34127, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,110142, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,52, Private,222646, 12th,8, Separated, Machine-op-inspct, Other-relative, White, Female,0,0,40, Cuba +<=50K,18, Private,182643, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,9, United-States +<=50K,20, Private,303565, Some-college,10, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,40, Germany +<=50K,34, Private,140092, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,19, Private,178811, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Female,0,0,20, United-States +<=50K,18, ?,267399, 12th,8, Never-married, ?, Own-child, White, Female,0,0,12, United-States +<=50K,17, Local-gov,192387, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,30, Federal-gov,127610, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,258862, Bachelors,13, Never-married, Craft-repair, Not-in-family, White, Female,0,0,45, United-States +>50K,30, Private,225231, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,8614,0,50, United-States +<=50K,18, Private,174926, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,15, ? +<=50K,50, State-gov,238187, Bachelors,13, Divorced, Adm-clerical, Not-in-family, Black, Female,0,0,37, United-States +<=50K,22, Private,191444, HS-grad,9, Never-married, Sales, Other-relative, White, Male,0,0,40, United-States +<=50K,21, Private,198822, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,35, United-States +<=50K,39, Self-emp-not-inc,251323, 9th,5, Married-civ-spouse, Farming-fishing, Other-relative, White, Male,0,0,40, Cuba +<=50K,20, Private,168187, Some-college,10, Never-married, Other-service, Other-relative, White, Female,4416,0,25, United-States +<=50K,62, Private,370881, Assoc-acdm,12, Widowed, Other-service, Not-in-family, White, Female,0,0,7, United-States +<=50K,32, Private,198183, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +>50K,38, Private,210610, Assoc-acdm,12, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,269182, Some-college,10, Separated, Tech-support, Unmarried, Black, Female,3887,0,40, United-States +<=50K,55, Private,141727, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,3464,0,40, United-States +>50K,38, Private,185848, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,70, United-States +<=50K,34, Private,46746, 11th,7, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Private,120475, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,26, Private,135845, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,41, Private,310255, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,61, State-gov,379885, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,40, United-States +<=50K,75, Self-emp-not-inc,31428, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3456,0,40, United-States +<=50K,21, Private,211013, Assoc-voc,11, Married-civ-spouse, Other-service, Other-relative, White, Female,0,0,50, Mexico +>50K,50, Private,175029, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +>50K,49, Self-emp-inc,119539, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, ? +<=50K,26, Private,247025, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,65, United-States +<=50K,39, Private,252327, 7th-8th,4, Never-married, Other-service, Own-child, White, Male,0,0,40, Mexico +<=50K,24, Self-emp-not-inc,375313, Some-college,10, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,56, Private,107165, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,18, United-States +<=50K,17, Private,108470, 11th,7, Never-married, Other-service, Own-child, Black, Male,0,0,17, United-States +>50K,37, Private,150057, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,23, Private,189468, Assoc-voc,11, Married-civ-spouse, Machine-op-inspct, Own-child, White, Female,0,0,30, United-States +<=50K,28, ?,198393, HS-grad,9, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +<=50K,57, Self-emp-not-inc,181031, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +>50K,42, Local-gov,569930, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,27411, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,147397, Bachelors,13, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,20, United-States +<=50K,39, Private,242922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +>50K,54, Private,154949, 11th,7, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +<=50K,41, Self-emp-inc,423217, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,43, Federal-gov,195385, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,19, Private,100009, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,191628, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,34, Private,340880, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, Philippines +<=50K,19, Private,207173, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,30, United-States +<=50K,33, Private,48010, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,229051, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,52, United-States +>50K,49, Private,193366, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,31, Private,57781, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,69, ?,121136, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,13, United-States +>50K,41, Private,433989, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,4386,0,60, United-States +<=50K,24, Private,136687, HS-grad,9, Separated, Machine-op-inspct, Unmarried, Other, Female,0,0,40, United-States +>50K,45, State-gov,154117, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,38, United-States +>50K,63, Private,294009, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,75, Private,239038, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,16, United-States +<=50K,34, Private,244064, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Male,0,0,40, United-States +>50K,69, Private,128348, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Black, Male,9386,0,50, United-States +<=50K,33, Private,66278, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,162643, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,43, United-States +>50K,45, Private,179659, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,18, Private,205218, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,48, Private,154033, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,0,0,52, United-States +>50K,43, Private,158528, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,26, Private,366219, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,1848,60, United-States +<=50K,35, Private,301862, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,34, Private,228406, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,120131, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,70, United-States +<=50K,54, Local-gov,127943, HS-grad,9, Widowed, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,57, Private,301514, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,156980, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,60, United-States +<=50K,28, Private,124685, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,55, United-States +>50K,51, Private,305673, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Canada +>50K,34, Local-gov,31391, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,53, United-States +>50K,41, Local-gov,33658, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,21, Private,211391, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,27, United-States +>50K,26, Private,402998, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,58, United-States +<=50K,66, Private,78855, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +>50K,40, Private,320451, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1977,45, Hong +<=50K,48, Private,49278, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, ?,248876, Bachelors,13, Divorced, ?, Not-in-family, White, Male,0,0,50, United-States +<=50K,41, Private,242586, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, Private,359696, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,15024,0,60, United-States +>50K,55, Local-gov,296085, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,43, Private,233130, Bachelors,13, Divorced, Sales, Not-in-family, White, Male,0,0,40, United-States +>50K,51, Private,189511, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, Germany +<=50K,31, Private,124420, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-not-inc,67072, Bachelors,13, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,6849,0,60, United-States +<=50K,51, Private,194908, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,31, Local-gov,94991, HS-grad,9, Divorced, Other-service, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,18, Private,194561, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,37, United-States +<=50K,60, Private,75726, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,1092,40, United-States +<=50K,29, Private,60722, HS-grad,9, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,33, Private,59944, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,220840, 5th-6th,3, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, Mexico +<=50K,40, Self-emp-inc,104235, Masters,14, Never-married, Other-service, Own-child, White, Male,0,0,99, United-States +<=50K,57, Private,142714, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,38, United-States +<=50K,55, Local-gov,110490, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,60, United-States +<=50K,40, Self-emp-not-inc,154076, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,26, State-gov,130557, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,35, United-States +<=50K,29, Private,107108, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,207172, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, Mexico +>50K,29, Private,304595, Masters,14, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,43, Private,475322, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,65, Private,107620, 11th,7, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,19, Private,301911, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Male,0,0,35, Laos +>50K,35, Private,267866, HS-grad,9, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,1887,50, Iran +<=50K,28, Private,269786, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,167474, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,61, Private,115023, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,60, United-States +<=50K,63, Local-gov,86590, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,32, United-States +>50K,47, State-gov,187087, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,184307, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,225859, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,2907,0,30, United-States +>50K,29, Private,57889, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,59, Private,157932, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,187830, Masters,14, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,62, United-States +<=50K,49, Private,251180, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,2407,0,50, United-States +>50K,60, Private,317083, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +>50K,35, Self-emp-not-inc,190895, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,48, Federal-gov,328606, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, ?,403860, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,215479, HS-grad,9, Separated, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,56, Private,157639, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,26, Private,152129, 12th,8, Never-married, Other-service, Unmarried, Black, Male,0,0,40, United-States +<=50K,53, Private,239284, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,23, Private,234302, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, Black, Male,0,0,40, United-States +<=50K,58, Private,218724, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,106330, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,35032, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,234641, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,170730, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,31, Private,218322, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,90, Private,47929, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,142411, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,22, ?,219122, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,55, Private,132887, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, Black, Male,3411,0,40, Jamaica +<=50K,34, State-gov,44464, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,60, United-States +<=50K,28, Private,180928, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,5013,0,55, United-States +<=50K,22, ?,199426, Some-college,10, Never-married, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,36, Private,139703, HS-grad,9, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,33, Private,202642, Bachelors,13, Separated, Prof-specialty, Other-relative, Black, Female,0,0,40, Jamaica +<=50K,17, Private,160049, 10th,6, Never-married, Other-service, Own-child, White, Female,0,0,12, United-States +<=50K,38, Private,239755, 11th,7, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,152369, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,34, Private,42900, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,72, ?,117017, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,8, United-States +<=50K,57, Private,175017, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Italy +<=50K,39, Private,342642, HS-grad,9, Divorced, Sales, Not-in-family, White, Male,0,0,60, United-States +<=50K,50, Self-emp-not-inc,143730, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,80, United-States +<=50K,45, Private,191098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +<=50K,37, Private,208106, Bachelors,13, Separated, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,27, Private,167737, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,48, United-States +>50K,43, Private,315971, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,41, Private,142717, Some-college,10, Divorced, Tech-support, Unmarried, Black, Female,0,0,36, United-States +<=50K,20, Private,190227, Masters,14, Never-married, Exec-managerial, Own-child, White, Male,0,0,25, United-States +<=50K,44, Private,79864, Masters,14, Separated, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +>50K,50, Private,34067, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,54, Private,222882, HS-grad,9, Widowed, Exec-managerial, Unmarried, White, Female,0,0,45, United-States +>50K,31, Private,44464, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,1564,60, United-States +<=50K,33, Private,256062, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, Puerto-Rico +<=50K,22, Private,251073, 9th,5, Never-married, Other-service, Own-child, White, Male,0,0,50, United-States +<=50K,46, Private,149949, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,165235, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,22, ?,243190, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, China +<=50K,59, ?,160662, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,2407,0,60, United-States +<=50K,57, Self-emp-not-inc,175942, Some-college,10, Widowed, Exec-managerial, Other-relative, White, Male,0,0,25, United-States +<=50K,26, Private,212793, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Local-gov,153312, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,173296, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,0,0,45, United-States +>50K,47, Private,120131, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,117444, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,226196, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,40, United-States +>50K,44, Private,202872, Assoc-acdm,12, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,176716, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,39, Private,82540, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,17, ?,41643, 11th,7, Never-married, ?, Own-child, White, Female,0,0,15, United-States +<=50K,26, Private,197292, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,50, United-States +<=50K,26, Private,76491, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,50, Self-emp-inc,101094, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +>50K,46, Self-emp-not-inc,119944, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,18, Private,141626, Some-college,10, Never-married, Tech-support, Own-child, White, Male,2176,0,20, United-States +<=50K,26, Private,122575, Bachelors,13, Never-married, Exec-managerial, Unmarried, Asian-Pac-Islander, Male,0,0,60, Vietnam +>50K,32, Private,194740, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,50, Private,263200, 5th-6th,3, Married-spouse-absent, Other-service, Unmarried, White, Female,0,0,34, Mexico +>50K,47, Local-gov,140644, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,202115, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,25, United-States +>50K,25, Federal-gov,27142, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Local-gov,318046, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,53, Private,276369, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,30, Private,67187, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Amer-Indian-Eskimo, Female,0,0,8, United-States +<=50K,23, Private,133582, 1st-4th,2, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,36, Mexico +<=50K,23, Private,216672, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,30, ? +<=50K,32, Private,45796, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,29, Self-emp-inc,31778, HS-grad,9, Separated, Prof-specialty, Other-relative, White, Male,0,0,25, United-States +<=50K,40, Private,190044, Assoc-acdm,12, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, State-gov,144351, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,17, ?,172145, 10th,6, Never-married, ?, Own-child, Black, Female,0,0,40, United-States +>50K,55, Private,193130, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,59, Local-gov,140478, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,56, Private,122390, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,15024,0,40, United-States +<=50K,23, Private,116830, 12th,8, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,37, Local-gov,117683, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,106491, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,22, ?,39803, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,27, Private,363053, 9th,5, Never-married, Priv-house-serv, Unmarried, White, Female,0,0,24, Mexico +<=50K,21, Private,54472, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,47, Local-gov,200471, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,5178,0,40, United-States +<=50K,38, Private,54317, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,60, United-States +>50K,62, Local-gov,113443, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,10520,0,33, United-States +<=50K,27, Private,159623, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,25, ?,161235, Assoc-voc,11, Never-married, ?, Own-child, White, Male,0,0,90, United-States +<=50K,27, Private,247978, HS-grad,9, Never-married, Other-service, Own-child, Black, Female,0,0,40, United-States +>50K,40, Private,305846, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +>50K,22, Self-emp-not-inc,214014, Some-college,10, Never-married, Sales, Own-child, Black, Male,99999,0,55, United-States +<=50K,33, Private,226525, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +<=50K,28, Private,247819, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,5, United-States +<=50K,28, Private,194940, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,289991, HS-grad,9, Never-married, Transport-moving, Unmarried, White, Male,0,0,55, United-States +<=50K,46, Private,585361, 9th,5, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,91145, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,65, ?,231604, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,45, Germany +<=50K,28, Private,273269, Some-college,10, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,40, United-States +<=50K,39, Private,202683, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,159179, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Private,28952, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,39, United-States +<=50K,25, ?,214925, 10th,6, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,63, Private,163708, 9th,5, Widowed, Other-service, Not-in-family, White, Female,0,0,20, United-States +>50K,56, Private,200235, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +>50K,46, Private,109209, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,19, Private,166153, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,30, United-States +>50K,56, Local-gov,268213, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,35, ? +<=50K,31, Private,69056, HS-grad,9, Divorced, Other-service, Own-child, White, Female,0,0,15, United-States +>50K,51, State-gov,237141, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,17, Private,277541, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,5, United-States +<=50K,27, Local-gov,289039, Some-college,10, Never-married, Protective-serv, Unmarried, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,30, Private,134737, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,45, United-States +<=50K,18, Private,56613, Some-college,10, Never-married, Protective-serv, Own-child, White, Female,0,0,20, United-States +<=50K,41, Private,36699, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,4650,0,40, United-States +>50K,40, Local-gov,333530, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,40, United-States +<=50K,35, Private,185366, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,29, Private,154017, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,10, United-States +>50K,27, Private,215504, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,1848,55, United-States +<=50K,25, Private,222539, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,2597,0,50, United-States +<=50K,53, Private,191565, 1st-4th,2, Divorced, Other-service, Unmarried, Black, Female,0,0,40, Dominican-Republic +<=50K,53, Private,111939, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,26, State-gov,53903, HS-grad,9, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,41, Private,146659, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,28, Private,194200, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,48, State-gov,78529, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,0,0,60, United-States +<=50K,22, Private,194829, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,30, United-States +>50K,40, Federal-gov,330174, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,52, Self-emp-inc,230767, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,60, Cuba +<=50K,53, Local-gov,137250, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,1669,35, United-States +>50K,40, Private,254478, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,57, Private,300908, Assoc-acdm,12, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,75, United-States +<=50K,53, Self-emp-not-inc,187830, Assoc-voc,11, Separated, Craft-repair, Not-in-family, White, Male,0,0,40, Poland +<=50K,23, Private,201138, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,8, United-States +<=50K,31, Self-emp-not-inc,44503, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,381357, 9th,5, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,28, United-States +<=50K,25, Private,311124, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +<=50K,37, Private,96330, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,50, Private,228238, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,34, Self-emp-not-inc,56964, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +>50K,37, Private,127772, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,52, Private,386397, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,29, Self-emp-not-inc,404998, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,90, United-States +>50K,49, Private,34545, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,31, Private,157886, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,40, United-States +<=50K,47, Private,101299, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,134447, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,70, United-States +<=50K,27, Private,191822, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,23, Private,70919, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,55, Private,266343, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,46, United-States +>50K,28, Private,87239, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,31, Local-gov,236487, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, Germany +<=50K,30, Private,224147, HS-grad,9, Never-married, Transport-moving, Own-child, Black, Male,0,0,40, United-States +<=50K,23, Private,197200, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,60, United-States +<=50K,19, Private,124265, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,22, Private,79980, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,25, United-States +<=50K,50, Private,128814, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,25, United-States +>50K,64, ?,208862, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,50, United-States +<=50K,21, Private,51262, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,35, United-States +>50K,75, Self-emp-inc,98116, Some-college,10, Widowed, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,82393, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Asian-Pac-Islander, Male,0,0,40, Germany +>50K,47, Private,57534, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,218962, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,204752, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,45, Private,243631, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,45, China +<=50K,41, Private,170299, Assoc-voc,11, Divorced, Prof-specialty, Unmarried, White, Female,0,0,43, United-States +<=50K,23, Private,60331, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,38, Private,269318, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,5178,0,50, United-States +>50K,67, State-gov,132819, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,41, United-States +<=50K,21, Private,119665, Some-college,10, Never-married, Tech-support, Own-child, White, Male,0,0,35, United-States +<=50K,38, Private,150057, Some-college,10, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,45, United-States +<=50K,31, Private,128567, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,19, ?,230874, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,59, Self-emp-not-inc,148526, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,160192, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,50, Local-gov,74660, Some-college,10, Widowed, Prof-specialty, Unmarried, White, Male,0,0,40, United-States +<=50K,60, Self-emp-inc,142494, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,30, Private,122042, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,28, Self-emp-inc,37088, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,36, Private,61778, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,21, ?,176356, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,10, Germany +<=50K,27, Private,123302, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, Poland +<=50K,18, Private,89760, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,44, Local-gov,165304, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,56, Private,104945, 7th-8th,4, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,40, United-States +>50K,51, Self-emp-inc,192973, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +>50K,48, Private,97863, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, Italy +<=50K,31, Private,73585, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,35, Private,29145, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,35, Private,175232, HS-grad,9, Divorced, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,36, Private,325374, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,47, Self-emp-not-inc,107231, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1672,65, United-States +<=50K,23, Private,129345, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,25, United-States +<=50K,21, Private,228395, Some-college,10, Never-married, Sales, Other-relative, Black, Female,0,0,20, United-States +<=50K,49, Private,452402, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,60, United-States +>50K,51, Self-emp-inc,338260, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,46, Private,165138, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,109055, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,3137,0,45, United-States +<=50K,27, Private,193122, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,56, ?,425497, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,48, Private,191858, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,297155, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,29, Local-gov,181282, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,50, Federal-gov,111700, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, Private,35065, HS-grad,9, Never-married, Transport-moving, Not-in-family, Black, Male,0,0,35, United-States +>50K,37, Private,298539, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,55, United-States +>50K,51, Self-emp-not-inc,95435, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,31, Private,162160, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,47, United-States +>50K,29, Private,176037, Assoc-voc,11, Divorced, Tech-support, Not-in-family, Black, Male,14344,0,40, United-States +<=50K,39, Private,314007, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,40, United-States +>50K,48, Private,197683, Some-college,10, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +>50K,44, Private,242521, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7688,0,50, United-States +<=50K,39, Private,290321, 10th,6, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,44064, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +>50K,27, ?,174163, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,40, United-States +<=50K,42, Private,374790, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,231562, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,33, United-States +<=50K,27, Private,376150, Some-college,10, Married-spouse-absent, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,51, Private,99987, 10th,6, Separated, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Self-emp-not-inc,120126, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,60, Self-emp-not-inc,33717, 11th,7, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,36, Private,132879, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +>50K,45, Private,304570, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,60, China +>50K,40, Private,100292, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,52, United-States +>50K,63, Private,117473, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,4386,0,40, United-States +<=50K,41, Private,239833, HS-grad,9, Married-spouse-absent, Transport-moving, Unmarried, Black, Male,0,0,50, United-States +<=50K,53, ?,155233, 12th,8, Married-civ-spouse, ?, Wife, White, Female,0,0,40, Italy +<=50K,34, Private,130369, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Female,1151,0,48, Germany +<=50K,34, Private,347166, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,31, Private,502752, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,22, State-gov,255575, Assoc-acdm,12, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,15, United-States +>50K,49, Private,277946, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,43, ?,214541, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,35, United-States +>50K,36, Private,143123, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,27, Private,69132, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,37, United-States +>50K,52, Self-emp-not-inc,34973, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1887,60, United-States +<=50K,29, Private,236992, HS-grad,9, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,50, United-States +<=50K,27, Private,492263, 10th,6, Separated, Machine-op-inspct, Own-child, White, Male,0,0,35, Mexico +<=50K,42, Private,180019, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,65, United-States +<=50K,49, Self-emp-not-inc,47086, Bachelors,13, Widowed, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,222853, Some-college,10, Never-married, Craft-repair, Unmarried, White, Male,0,0,50, United-States +<=50K,22, Private,344176, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,20, United-States +<=50K,30, Self-emp-not-inc,223212, Bachelors,13, Never-married, Sales, Unmarried, White, Male,0,0,40, United-States +<=50K,28, Private,110981, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,20, Private,162688, Assoc-voc,11, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,181307, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,43, United-States +>50K,39, Private,148903, HS-grad,9, Divorced, Sales, Not-in-family, White, Female,4687,0,50, United-States +<=50K,43, Private,306440, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,66, France +<=50K,18, Private,210311, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,53, Private,127117, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,74, Private,54732, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,20, United-States +>50K,39, Private,271521, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,48, Philippines +<=50K,33, ?,216908, 10th,6, Never-married, ?, Other-relative, White, Male,0,0,40, United-States +>50K,49, Private,543922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,42, United-States +<=50K,21, Private,766115, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,35, United-States +<=50K,65, ?,52728, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,39, Private,284166, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,1564,50, United-States +<=50K,49, Private,122206, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,25, United-States +<=50K,20, ?,95989, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +>50K,47, Private,334039, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,44, United-States +<=50K,46, Self-emp-not-inc,225456, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,112847, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,7298,0,32, United-States +<=50K,61, Self-emp-not-inc,171840, HS-grad,9, Widowed, Prof-specialty, Unmarried, White, Female,0,0,16, United-States +<=50K,48, Private,180695, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +<=50K,44, Private,121012, 9th,5, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,37, Self-emp-inc,126569, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,45, Private,227791, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1740,50, United-States +>50K,51, Self-emp-not-inc,290290, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,33, Local-gov,251521, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,55, Self-emp-not-inc,41938, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,8, United-States +<=50K,25, Private,27678, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,60, United-States +<=50K,26, Private,133756, HS-grad,9, Divorced, Farming-fishing, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,54, Private,215990, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,461337, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,33, United-States +>50K,39, Local-gov,344855, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,1977,20, United-States +<=50K,20, State-gov,214542, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,30, Private,258170, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,29, Federal-gov,242147, HS-grad,9, Divorced, Adm-clerical, Not-in-family, Other, Male,0,0,45, United-States +<=50K,42, Private,235700, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,278130, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,36, Private,261241, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,60, Private,85995, Masters,14, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,50, South +<=50K,42, Private,340885, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,44, United-States +<=50K,42, Private,152889, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,195023, HS-grad,9, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Columbia +>50K,52, State-gov,109600, Masters,14, Married-spouse-absent, Exec-managerial, Unmarried, White, Female,4787,0,44, United-States +<=50K,27, ?,249463, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,43, Private,158177, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,43, State-gov,47818, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,391468, 11th,7, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,52, Local-gov,199995, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7298,0,60, United-States +<=50K,31, Private,231043, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,38, ?,281768, 7th-8th,4, Divorced, ?, Unmarried, Black, Female,0,0,30, United-States +<=50K,44, Private,267790, 9th,5, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,27, Private,217379, Some-college,10, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,50, Private,421561, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,23, Private,50953, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,22, Private,138504, Some-college,10, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,30, United-States +<=50K,36, State-gov,177064, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,103064, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,3674,0,40, United-States +>50K,59, Private,184493, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,39, Private,104089, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,149204, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,405284, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,1340,42, United-States +<=50K,25, Local-gov,137296, Assoc-acdm,12, Never-married, Adm-clerical, Own-child, Black, Female,0,0,38, United-States +<=50K,40, Private,87771, HS-grad,9, Married-civ-spouse, Craft-repair, Wife, White, Female,0,1628,45, United-States +>50K,38, State-gov,125499, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,7688,0,60, India +<=50K,31, Private,59083, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,35, United-States +<=50K,28, Local-gov,138332, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,24, Private,198914, HS-grad,9, Never-married, Sales, Unmarried, Black, Male,0,0,25, United-States +>50K,46, Local-gov,238162, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,50, United-States +<=50K,29, Private,123677, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, Asian-Pac-Islander, Female,0,0,40, Laos +>50K,38, Federal-gov,325538, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,53, Private,251063, Some-college,10, Separated, Exec-managerial, Unmarried, Black, Female,0,0,40, United-States +>50K,33, Private,51471, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,1902,40, United-States +<=50K,39, Private,175681, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,60, ? +<=50K,44, Private,165599, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +>50K,46, Private,149640, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Male,0,0,45, England +<=50K,30, Private,143526, Bachelors,13, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,24, Private,211160, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,342989, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,62, Self-emp-not-inc,173631, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +<=50K,25, Private,141876, HS-grad,9, Married-spouse-absent, Exec-managerial, Not-in-family, White, Male,0,0,45, United-States +<=50K,45, Private,137604, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,21, Private,129232, Some-college,10, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,64, Federal-gov,271550, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,456922, Bachelors,13, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,60, Private,232242, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,352188, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,114967, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Private,201981, HS-grad,9, Divorced, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,32, State-gov,159247, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,125905, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,32, Private,186824, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,121012, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,58, Private,110844, Masters,14, Widowed, Sales, Not-in-family, White, Female,0,0,27, United-States +>50K,23, Private,143003, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,1887,50, India +<=50K,31, Federal-gov,59732, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,28, Private,178489, Bachelors,13, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,45, ? +<=50K,41, ?,252127, Some-college,10, Widowed, ?, Unmarried, Black, Female,0,0,20, United-States +>50K,37, Private,109633, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,16, United-States +<=50K,19, Private,160811, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,38, United-States +<=50K,27, Self-emp-not-inc,365110, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,20, United-States +>50K,61, Self-emp-not-inc,113080, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,58, United-States +>50K,39, Private,206074, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,25, Private,173062, Bachelors,13, Never-married, Handlers-cleaners, Unmarried, Black, Male,0,0,40, United-States +>50K,58, Private,117273, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,27, Self-emp-not-inc,153805, Some-college,10, Married-civ-spouse, Transport-moving, Other-relative, Other, Male,0,0,50, Ecuador +<=50K,51, Private,293802, 5th-6th,3, Married-civ-spouse, Handlers-cleaners, Husband, Black, Male,0,0,52, United-States +>50K,43, Local-gov,153132, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,46, Private,166809, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,67, ?,34122, 5th-6th,3, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,50, Local-gov,231725, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,63210, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,15, United-States +>50K,35, Private,108293, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,32, United-States +<=50K,57, Private,116878, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Italy +<=50K,40, Private,110622, Prof-school,15, Married-civ-spouse, Adm-clerical, Other-relative, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,42, Local-gov,180318, 10th,6, Never-married, Farming-fishing, Unmarried, White, Male,0,0,35, United-States +<=50K,67, Self-emp-inc,112318, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Private,252079, Bachelors,13, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,7688,0,44, United-States +<=50K,30, Private,27153, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,73312, 11th,7, Never-married, Machine-op-inspct, Unmarried, White, Female,0,0,15, United-States +<=50K,51, Private,145409, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,38, Private,167882, Some-college,10, Widowed, Other-service, Other-relative, Black, Female,0,0,45, Haiti +<=50K,24, Private,236696, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Own-child, White, Male,0,0,35, United-States +<=50K,48, Self-emp-not-inc,28791, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +>50K,34, State-gov,118551, Bachelors,13, Married-civ-spouse, Tech-support, Own-child, White, Female,5178,0,25, ? +>50K,70, Private,187292, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,6418,0,40, United-States +<=50K,35, Private,189922, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,61, ?,584259, Masters,14, Married-civ-spouse, ?, Husband, White, Male,0,0,2, United-States +>50K,26, Private,173992, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,64, Private,253759, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,3, United-States +<=50K,26, Private,111243, HS-grad,9, Never-married, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,39, Self-emp-not-inc,147850, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,30, United-States +<=50K,55, Private,171015, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,36, United-States +<=50K,23, Private,118023, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,45, ? +<=50K,33, Self-emp-not-inc,361497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,31, Private,137290, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,28, Local-gov,401886, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,20, United-States +<=50K,50, Private,201882, Masters,14, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,30, United-States +>50K,26, Local-gov,30793, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,55, United-States +<=50K,44, Federal-gov,139161, Assoc-acdm,12, Divorced, Adm-clerical, Not-in-family, Black, Female,0,1741,40, United-States +<=50K,51, Private,210736, HS-grad,9, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,34, Private,167781, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,50, United-States +>50K,37, Private,103986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,39, United-States +>50K,29, Private,144592, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,493034, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +<=50K,27, Private,184078, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,44, Private,191814, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,329852, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +>50K,54, Private,223660, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +>50K,47, Private,177087, Some-college,10, Separated, Adm-clerical, Unmarried, White, Female,0,0,50, United-States +<=50K,30, Private,143766, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,35, Private,234271, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,39, Federal-gov,314822, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +<=50K,42, Private,195584, Assoc-acdm,12, Separated, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,70, Self-emp-inc,207938, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2377,50, United-States +<=50K,41, Private,126850, Prof-school,15, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,36, Private,279485, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,38, United-States +>50K,44, Private,267717, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,42, United-States +<=50K,42, ?,175935, HS-grad,9, Separated, ?, Unmarried, White, Male,0,0,40, United-States +<=50K,20, Private,163665, Some-college,10, Never-married, Transport-moving, Own-child, White, Female,0,0,17, United-States +<=50K,29, Private,200468, 10th,6, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,91501, HS-grad,9, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,40, United-States +>50K,30, Private,182771, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,59, Self-emp-not-inc,56392, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,1579,60, United-States +<=50K,31, Private,20511, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,21, Private,538822, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, Mexico +<=50K,26, Private,332008, Some-college,10, Never-married, Craft-repair, Unmarried, Asian-Pac-Islander, Male,0,0,37, Taiwan +>50K,57, Self-emp-inc,220789, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +>50K,59, Self-emp-not-inc,114760, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +<=50K,87, ?,90338, HS-grad,9, Widowed, ?, Not-in-family, White, Male,0,0,2, United-States +<=50K,25, Private,181576, Some-college,10, Never-married, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +>50K,39, Private,198841, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,45, United-States +>50K,53, Private,53197, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,3103,0,40, United-States +<=50K,32, State-gov,542265, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,38, Private,193026, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,25505, Assoc-voc,11, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,35, United-States +<=50K,17, Private,375657, 11th,7, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,30, United-States +<=50K,44, Private,201599, 11th,7, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,181820, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,20, United-States +>50K,57, Private,334224, Some-college,10, Married-civ-spouse, Craft-repair, Wife, White, Female,9386,0,40, United-States +<=50K,30, State-gov,54318, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,141388, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,55, United-States +<=50K,54, Self-emp-not-inc,57101, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,35, United-States +<=50K,44, Private,168515, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, Germany +>50K,60, Private,163665, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,16, United-States +>50K,28, Private,207513, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,42, United-States +>50K,39, Private,293291, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,50, United-States +>50K,55, Private,70088, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Private,199346, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,55, Local-gov,143949, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,3103,0,45, United-States +>50K,33, Private,207201, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,55, United-States +>50K,30, Private,430283, HS-grad,9, Married-civ-spouse, Adm-clerical, Wife, White, Female,7298,0,40, United-States +<=50K,40, Local-gov,293809, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +>50K,30, Private,378009, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,40, Private,226608, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,30, Guatemala +<=50K,24, Private,314182, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,50, United-States +<=50K,18, Private,170544, 11th,7, Never-married, Sales, Own-child, White, Male,0,0,20, United-States +<=50K,18, Private,94196, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,25, United-States +>50K,49, Private,193047, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,42, Private,112607, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,28, Local-gov,146949, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,309513, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,48, Self-emp-not-inc,191389, Some-college,10, Separated, Sales, Unmarried, White, Female,0,0,50, United-States +<=50K,24, Private,213902, 7th-8th,4, Never-married, Priv-house-serv, Own-child, White, Female,0,0,32, El-Salvador +<=50K,73, Self-emp-not-inc,46514, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,25, United-States +>50K,35, Private,75855, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7298,0,40, ? +>50K,23, Private,38707, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,60, United-States +<=50K,19, Private,188568, Some-college,10, Never-married, Priv-house-serv, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,215014, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, Mexico +<=50K,27, Private,184477, 12th,8, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,41, Self-emp-not-inc,204235, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,39054, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,20, United-States +>50K,64, Self-emp-inc,272531, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,358701, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,10, Mexico +<=50K,47, Private,217750, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,35, United-States +<=50K,22, Private,200374, HS-grad,9, Never-married, Machine-op-inspct, Other-relative, White, Male,0,0,35, United-States +<=50K,24, Private,498349, Bachelors,13, Never-married, Transport-moving, Unmarried, Black, Female,0,0,40, United-States +<=50K,69, State-gov,170458, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,20, United-States +>50K,40, Self-emp-not-inc,57233, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,188432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,47, Self-emp-not-inc,33300, Assoc-acdm,12, Never-married, Farming-fishing, Other-relative, White, Male,10520,0,45, United-States +<=50K,31, Private,225779, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,48, Private,46677, Assoc-acdm,12, Divorced, Exec-managerial, Unmarried, White, Female,0,0,42, United-States +>50K,41, Private,227968, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, Black, Female,0,0,35, Haiti +<=50K,34, Private,85355, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,48, Private,207120, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,229223, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,7688,0,36, United-States +<=50K,20, Private,224640, Assoc-acdm,12, Never-married, Exec-managerial, Own-child, White, Female,0,0,40, United-States +>50K,39, Private,139012, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,40, Federal-gov,130749, Some-college,10, Divorced, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +<=50K,28, Private,204516, 10th,6, Never-married, Transport-moving, Not-in-family, White, Male,0,0,45, United-States +<=50K,20, Private,105479, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,41, Private,197093, Bachelors,13, Divorced, Prof-specialty, Not-in-family, Black, Male,0,0,40, United-States +>50K,49, Self-emp-inc,431245, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,155150, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,35, State-gov,216035, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,388247, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,23, Private,208908, Bachelors,13, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,23, Private,259301, HS-grad,9, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,69333, Assoc-voc,11, Married-civ-spouse, Transport-moving, Husband, White, Male,4386,0,80, United-States +>50K,34, Private,167893, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,64, United-States +<=50K,32, Federal-gov,386877, Assoc-voc,11, Never-married, Tech-support, Own-child, Black, Male,4650,0,40, United-States +>50K,54, Private,146551, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,54, United-States +<=50K,48, Private,238360, Bachelors,13, Separated, Adm-clerical, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,38, Private,187748, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,48, State-gov,50748, Bachelors,13, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,50136, 5th-6th,3, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, El-Salvador +>50K,42, Private,111483, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +<=50K,31, Private,298871, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, China +>50K,27, Private,147340, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,50, United-States +>50K,57, Private,132704, Masters,14, Separated, Prof-specialty, Not-in-family, White, Male,10520,0,32, United-States +<=50K,46, State-gov,327786, Assoc-voc,11, Divorced, Tech-support, Not-in-family, White, Female,3325,0,42, United-States +>50K,44, Federal-gov,243636, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,42, Local-gov,194417, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,236696, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Private,337130, 1st-4th,2, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +>50K,29, Private,273051, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,52, Yugoslavia +<=50K,38, Private,186191, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,33, Private,268451, Some-college,10, Divorced, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,61, Private,154600, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,4, United-States +>50K,49, Local-gov,405309, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,51, Self-emp-not-inc,99185, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,42, Private,191765, HS-grad,9, Divorced, Other-service, Other-relative, Black, Female,0,0,35, United-States +<=50K,21, Private,253583, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +<=50K,29, ?,297054, HS-grad,9, Divorced, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,54, Private,204397, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,23, Private,288771, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, United-States +<=50K,52, Private,173987, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,28, Local-gov,33662, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,7298,0,40, United-States +<=50K,23, Private,91658, Some-college,10, Divorced, Handlers-cleaners, Own-child, White, Male,0,0,40, United-States +>50K,43, Private,226902, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,80, United-States +>50K,45, Private,232586, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,51, Self-emp-not-inc,291755, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,29, ?,207032, HS-grad,9, Married-spouse-absent, ?, Unmarried, Black, Female,0,0,42, Haiti +<=50K,23, Private,161478, Some-college,10, Never-married, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,73, Self-emp-not-inc,109833, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,47, Self-emp-not-inc,229394, 11th,7, Divorced, Exec-managerial, Unmarried, White, Female,0,0,55, United-States +<=50K,61, ?,69285, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,37, United-States +<=50K,26, Private,491862, Assoc-voc,11, Never-married, Exec-managerial, Not-in-family, Black, Female,0,0,40, United-States +>50K,40, Private,311534, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,32, Self-emp-not-inc,420895, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,47, United-States +<=50K,39, Private,226374, 10th,6, Divorced, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,33, Federal-gov,101345, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,35, Private,48779, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,35, United-States +<=50K,42, Private,152676, HS-grad,9, Divorced, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,46, Private,164877, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,33, Private,97521, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,47, Private,88564, 5th-6th,3, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,20, United-States +<=50K,33, Private,188246, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,189185, HS-grad,9, Divorced, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,42, State-gov,163069, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,28, Private,251905, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,112403, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,18, Private,36882, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,33, Self-emp-not-inc,195891, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,36, Private,194905, Bachelors,13, Widowed, Prof-specialty, Unmarried, White, Female,0,0,44, United-States +>50K,33, Private,133503, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,7688,0,48, United-States +<=50K,40, Private,31621, HS-grad,9, Married-spouse-absent, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,57, Self-emp-not-inc,413373, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,1902,40, United-States +<=50K,40, Private,196029, HS-grad,9, Divorced, Transport-moving, Unmarried, White, Male,0,0,45, United-States +<=50K,36, Private,107302, HS-grad,9, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,50, United-States +>50K,45, Private,151267, Bachelors,13, Never-married, Adm-clerical, Not-in-family, Black, Female,0,0,40, United-States +<=50K,52, Private,256861, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,82777, HS-grad,9, Separated, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Private,147430, HS-grad,9, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, ?,60726, HS-grad,9, Never-married, ?, Own-child, Black, Male,0,0,40, United-States +<=50K,46, Self-emp-not-inc,165754, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,36, Private,448337, HS-grad,9, Separated, Sales, Unmarried, Black, Female,0,0,40, United-States +<=50K,48, Private,185079, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,36, Private,418702, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +>50K,48, Private,41504, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,387335, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,1719,9, United-States +<=50K,18, Private,261720, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,38, Private,133963, Bachelors,13, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,66, ?,357750, 11th,7, Widowed, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,36, State-gov,179488, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,7298,0,55, United-States +<=50K,38, Private,60135, HS-grad,9, Never-married, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +>50K,55, Self-emp-not-inc,308746, Prof-school,15, Widowed, Prof-specialty, Not-in-family, White, Male,0,0,55, United-States +>50K,27, Private,278720, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,22, State-gov,477505, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,29, Private,164711, Some-college,10, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, United-States +<=50K,40, Private,208277, Some-college,10, Never-married, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,21, Private,39943, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,49, Private,104542, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,29, Private,286634, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,50, United-States +>50K,28, Private,142712, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,336404, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,33, Private,117983, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,41, United-States +>50K,72, ?,108796, Prof-school,15, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,59469, Masters,14, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Iran +<=50K,37, Private,171968, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,56, ?,119254, 10th,6, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,278617, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,39, Private,72338, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,49, Local-gov,343231, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,80, United-States +<=50K,30, Private,63910, HS-grad,9, Married-civ-spouse, Sales, Own-child, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,28, Private,190350, 9th,5, Married-civ-spouse, Protective-serv, Wife, Black, Female,0,0,40, United-States +<=50K,25, State-gov,176162, Bachelors,13, Never-married, Protective-serv, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,37720, 10th,6, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,25, Private,421467, Assoc-acdm,12, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,26, United-States +<=50K,36, Private,138441, Some-college,10, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,52, Private,146767, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,20, ?,369678, 12th,8, Never-married, ?, Not-in-family, Other, Male,0,1602,40, United-States +<=50K,25, Private,160445, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,26, Private,211695, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,102346, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,2415,20, United-States +>50K,48, Private,128796, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,111129, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,30, Local-gov,44566, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,118497, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,36, Private,334291, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1887,40, United-States +<=50K,49, Private,237920, Doctorate,16, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,34, Local-gov,136331, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,28, Private,187397, HS-grad,9, Never-married, Other-service, Other-relative, Other, Male,0,0,48, Mexico +<=50K,28, Self-emp-not-inc,119793, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,42, Private,24982, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +<=50K,26, Self-emp-not-inc,231714, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,54, Private,229272, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,66, ?,68219, 9th,5, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,61, Self-emp-not-inc,268831, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,53, United-States +>50K,45, Self-emp-not-inc,149640, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,30, United-States +<=50K,29, Private,261725, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,35, United-States +<=50K,74, Private,161387, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,16, United-States +<=50K,61, Local-gov,260167, HS-grad,9, Widowed, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,200928, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,22, United-States +>50K,53, Federal-gov,155594, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,57, Self-emp-not-inc,79539, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,41, Private,469454, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,331482, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,43, Private,225193, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,26, ?,370727, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,1977,40, United-States +<=50K,29, Private,82393, HS-grad,9, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Male,0,0,25, Philippines +<=50K,65, ?,37170, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,20, United-States +<=50K,41, Private,58484, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,40, United-States +<=50K,31, Local-gov,156464, Bachelors,13, Never-married, Prof-specialty, Other-relative, White, Male,0,0,40, ? +<=50K,50, Private,344621, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,52, Private,174752, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,18, Self-emp-inc,174202, HS-grad,9, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +<=50K,26, Private,261203, 7th-8th,4, Never-married, Other-service, Unmarried, Other, Female,0,0,30, ? +<=50K,57, Private,316000, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,63, State-gov,216871, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,1740,40, United-States +<=50K,29, Private,246933, HS-grad,9, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, Mexico +>50K,32, Self-emp-not-inc,112115, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,7688,0,40, United-States +>50K,34, Private,264651, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,99185, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,58, United-States +>50K,39, Private,176186, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,100219, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,46691, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, State-gov,297735, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,90, United-States +>50K,40, Private,132222, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,4386,0,50, United-States +>50K,25, Private,189656, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Local-gov,224934, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,48, Self-emp-inc,149218, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,70, United-States +<=50K,51, Private,158508, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,67, State-gov,261203, 7th-8th,4, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,35, United-States +<=50K,17, Private,309504, 10th,6, Never-married, Sales, Unmarried, White, Female,0,0,24, United-States +<=50K,24, State-gov,324637, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,267426, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,68, ?,229016, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,25, United-States +<=50K,54, Private,46401, Some-college,10, Divorced, Other-service, Not-in-family, White, Female,0,0,47, United-States +<=50K,32, Private,114288, HS-grad,9, Divorced, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,61, ?,203849, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,41, Federal-gov,193882, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,53, Private,311269, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Private,156117, Assoc-voc,11, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,64, ?,169917, 7th-8th,4, Widowed, ?, Not-in-family, White, Female,0,0,4, United-States +>50K,51, Private,222615, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +>50K,41, State-gov,106900, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,7298,0,60, United-States +>50K,40, Federal-gov,78036, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,65, United-States +<=50K,27, Private,380560, HS-grad,9, Never-married, Farming-fishing, Other-relative, White, Male,0,0,40, Mexico +>50K,41, Private,167106, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, Asian-Pac-Islander, Male,3103,0,35, Philippines +>50K,51, Private,289436, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,36, Private,749636, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Self-emp-inc,154120, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,55, United-States +<=50K,43, Private,105119, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,61, Federal-gov,181081, HS-grad,9, Divorced, Adm-clerical, Own-child, Black, Female,0,0,20, United-States +<=50K,31, Private,182237, 10th,6, Separated, Transport-moving, Unmarried, White, Male,0,0,40, United-States +>50K,34, Private,102130, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,65, United-States +>50K,43, Private,266324, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,99, United-States +<=50K,52, Private,170562, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,240543, 11th,7, Never-married, Other-service, Own-child, White, Female,0,0,20, United-States +>50K,37, Federal-gov,187046, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,389254, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,179955, Some-college,10, Widowed, Transport-moving, Unmarried, White, Female,0,0,25, Outlying-US(Guam-USVI-etc) +<=50K,21, Private,197997, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,30, United-States +>50K,34, Self-emp-inc,343789, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,55, United-States +<=50K,28, Private,191088, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,1741,52, United-States +>50K,40, Local-gov,141649, Assoc-voc,11, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,433906, Assoc-acdm,12, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,48, Private,207982, Some-college,10, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,46, Private,175925, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,85767, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,48, United-States +<=50K,32, Self-emp-inc,281030, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +>50K,90, ?,313986, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +>50K,38, Private,396595, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +<=50K,20, ?,189203, Assoc-acdm,12, Never-married, ?, Not-in-family, White, Male,0,0,20, United-States +<=50K,43, Self-emp-not-inc,163108, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,99, United-States +<=50K,17, Private,141590, 11th,7, Never-married, Priv-house-serv, Own-child, White, Female,0,0,12, United-States +<=50K,36, Private,137421, 12th,8, Never-married, Transport-moving, Not-in-family, Asian-Pac-Islander, Male,0,0,45, ? +<=50K,36, Private,67728, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,5013,0,40, Italy +>50K,30, Private,345522, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,3103,0,70, United-States +<=50K,45, Private,330087, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,51, Self-emp-not-inc,204322, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,50295, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,35, Self-emp-not-inc,147258, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,65, United-States +<=50K,19, Private,194260, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,56, Private,437727, 9th,5, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,64, ?,34100, Some-college,10, Widowed, ?, Not-in-family, White, Male,0,0,4, United-States +<=50K,62, ?,186611, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,40, United-States +<=50K,24, Private,280960, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,24, United-States +<=50K,33, Private,33117, Assoc-acdm,12, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +>50K,43, Private,169628, Bachelors,13, Never-married, Sales, Unmarried, Black, Female,0,0,35, United-States +<=50K,22, State-gov,124942, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,45, United-States +<=50K,44, Private,143368, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,55, United-States +<=50K,37, Private,255621, HS-grad,9, Separated, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Self-emp-inc,154227, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,75, United-States +<=50K,43, Private,171438, Assoc-voc,11, Separated, Sales, Unmarried, White, Female,0,0,45, United-States +<=50K,39, Private,191524, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,30, Private,377017, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,32, United-States +<=50K,58, Private,192806, 7th-8th,4, Never-married, Handlers-cleaners, Not-in-family, White, Female,0,0,33, United-States +<=50K,31, ?,259120, Some-college,10, Married-civ-spouse, ?, Wife, White, Female,0,0,10, United-States +<=50K,45, Local-gov,234195, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,30, Private,147596, Some-college,10, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Private,147251, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,36, United-States +>50K,50, Private,176157, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,25, Local-gov,176162, Assoc-voc,11, Never-married, Protective-serv, Own-child, White, Male,0,0,30, United-States +>50K,34, Private,384150, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,50, Private,107665, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,72, ?,82635, 11th,7, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,60, State-gov,165827, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +>50K,41, Private,287306, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,60, United-States +<=50K,71, Self-emp-not-inc,78786, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,10, United-States +<=50K,40, Self-emp-not-inc,33310, Prof-school,15, Divorced, Other-service, Not-in-family, White, Female,0,2339,35, United-States +<=50K,22, Private,349368, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Female,0,0,30, United-States +<=50K,52, Private,117674, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,38, United-States +<=50K,30, Private,310889, Some-college,10, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,55, United-States +<=50K,36, ?,187167, HS-grad,9, Separated, ?, Not-in-family, White, Female,0,0,30, United-States +<=50K,40, Private,379919, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,31, Federal-gov,34862, Assoc-acdm,12, Married-civ-spouse, Sales, Husband, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,44, Private,201723, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,45, United-States +>50K,38, Local-gov,161463, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, Black, Male,0,0,40, United-States +>50K,46, Private,186410, Prof-school,15, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,57, Federal-gov,62020, Prof-school,15, Divorced, Exec-managerial, Not-in-family, Black, Male,0,0,55, United-States +<=50K,39, Private,42044, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,42, Private,170230, Bachelors,13, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +>50K,43, Private,341358, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,199426, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,17, United-States +>50K,44, Private,89172, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,22, ?,148955, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Female,0,0,15, South +>50K,37, Private,140673, Some-college,10, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, ?,71788, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,18, United-States +<=50K,26, State-gov,326033, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,80, United-States +<=50K,35, Private,129305, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,30, United-States +<=50K,28, Private,171067, HS-grad,9, Never-married, Handlers-cleaners, Own-child, White, Female,0,0,40, United-States +<=50K,34, Private,143582, Some-college,10, Never-married, Adm-clerical, Not-in-family, Asian-Pac-Islander, Female,0,0,35, Japan +<=50K,17, ?,171461, 10th,6, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,18, Private,257980, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,25, Private,182866, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,69333, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,61, Private,668362, 1st-4th,2, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,132879, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,61, Private,181219, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1848,40, United-States +<=50K,19, ?,166018, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,22, Private,120518, HS-grad,9, Widowed, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,19, Private,183532, Some-college,10, Never-married, Handlers-cleaners, Own-child, White, Male,0,0,25, United-States +<=50K,45, Private,49298, Bachelors,13, Never-married, Tech-support, Own-child, White, Male,0,0,40, United-States +<=50K,20, Private,157332, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,37, Private,213726, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Philippines +<=50K,26, Private,31143, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,17, ?,256173, 10th,6, Never-married, ?, Own-child, White, Female,0,0,15, United-States +>50K,26, Private,184872, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,55, United-States +<=50K,58, Private,202652, HS-grad,9, Separated, Other-service, Unmarried, White, Female,0,0,40, Dominican-Republic +>50K,61, ?,101602, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +>50K,64, Private,60940, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,8614,0,50, France +<=50K,19, Private,292590, HS-grad,9, Married-civ-spouse, Sales, Other-relative, White, Female,0,0,25, United-States +<=50K,36, Private,141420, Bachelors,13, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,30, United-States +<=50K,47, Private,159389, Assoc-acdm,12, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,254534, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,89508, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,238980, Some-college,10, Never-married, Sales, Not-in-family, White, Male,0,0,60, United-States +>50K,54, Private,178946, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,31, Private,204752, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +<=50K,26, Private,290213, Some-college,10, Separated, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,50, Private,102615, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1902,40, United-States +<=50K,41, Private,291965, Some-college,10, Never-married, Tech-support, Unmarried, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,52, Local-gov,175339, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,90547, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,23, United-States +<=50K,23, ?,449101, HS-grad,9, Married-civ-spouse, ?, Own-child, White, Female,0,0,30, United-States +<=50K,46, Self-emp-not-inc,101722, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3137,0,40, United-States +<=50K,32, ?,981628, HS-grad,9, Divorced, ?, Unmarried, Black, Male,0,0,40, United-States +<=50K,59, ?,147989, HS-grad,9, Widowed, ?, Not-in-family, White, Female,0,0,35, United-States +>50K,30, Self-emp-inc,204470, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,36, United-States +>50K,58, Local-gov,311409, Masters,14, Married-civ-spouse, Prof-specialty, Husband, Black, Male,7688,0,30, United-States +<=50K,31, Private,190027, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,40, ? +<=50K,36, Private,218015, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,48, United-States +<=50K,31, State-gov,77634, Preschool,1, Never-married, Other-service, Not-in-family, White, Male,0,0,24, United-States +>50K,52, Self-emp-not-inc,42984, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,29, Private,413297, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,3411,0,70, Mexico +<=50K,48, Self-emp-not-inc,218835, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, England +>50K,30, Private,341051, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,58, Private,252419, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,20, Federal-gov,347935, Some-college,10, Never-married, Protective-serv, Own-child, Black, Male,0,0,40, United-States +<=50K,19, Private,237848, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,3, United-States +<=50K,63, Private,174826, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,51, Self-emp-not-inc,170086, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,470368, Assoc-acdm,12, Divorced, Adm-clerical, Unmarried, White, Female,0,0,48, United-States +>50K,54, Federal-gov,75235, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,5178,0,40, United-States +<=50K,35, ?,35854, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,40, United-States +<=50K,26, Private,746432, HS-grad,9, Never-married, Handlers-cleaners, Own-child, Black, Male,0,0,48, United-States +<=50K,47, Self-emp-not-inc,258498, Some-college,10, Married-civ-spouse, Other-service, Wife, White, Female,0,0,52, United-States +<=50K,44, Private,176063, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,80, Self-emp-not-inc,26865, 7th-8th,4, Never-married, Farming-fishing, Unmarried, White, Male,0,0,20, United-States +>50K,55, Private,104724, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,43, Private,346321, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,49, Private,402462, Bachelors,13, Married-spouse-absent, Transport-moving, Unmarried, White, Male,0,0,30, Columbia +<=50K,27, Private,153078, Prof-school,15, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Male,0,0,40, United-States +>50K,42, Private,176063, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,55, United-States +<=50K,39, Private,451059, 9th,5, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,36, ?,229533, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,32, Private,106437, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,58, Local-gov,294313, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, Black, Female,0,0,55, United-States +<=50K,63, Private,67903, 9th,5, Separated, Farming-fishing, Not-in-family, Black, Male,0,0,40, United-States +>50K,49, Private,133669, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +>50K,36, Self-emp-inc,251730, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,60, United-States +<=50K,46, Private,72896, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,47, Private,155664, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, United-States +<=50K,39, Private,206520, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,45, United-States +>50K,33, Private,72338, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,65, Japan +>50K,43, Local-gov,34640, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Other, Male,0,1887,40, United-States +<=50K,30, Private,236543, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,68, United-States +<=50K,39, Local-gov,43702, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,37, United-States +<=50K,44, Private,335248, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,198197, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,80, ?,281768, Assoc-acdm,12, Married-civ-spouse, ?, Husband, White, Male,0,0,4, United-States +<=50K,31, Private,160594, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, White, Male,0,0,3, United-States +<=50K,34, Local-gov,231826, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, El-Salvador +<=50K,28, Private,188171, Assoc-acdm,12, Never-married, Transport-moving, Own-child, White, Male,0,0,60, United-States +>50K,55, Private,125000, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,36, Private,166509, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Private,402367, Some-college,10, Married-civ-spouse, Transport-moving, Husband, Black, Male,7688,0,45, United-States +<=50K,67, Local-gov,204123, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,10, United-States +<=50K,53, Self-emp-inc,220786, Some-college,10, Widowed, Sales, Not-in-family, White, Female,0,0,60, United-States +>50K,43, Private,254146, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,40, United-States +<=50K,29, Local-gov,152461, Bachelors,13, Never-married, Tech-support, Not-in-family, White, Female,0,0,42, United-States +<=50K,19, Private,223669, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,51, Private,120270, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,21, Self-emp-not-inc,304602, Assoc-voc,11, Never-married, Farming-fishing, Own-child, White, Male,0,0,98, United-States +<=50K,54, Private,24108, Some-college,10, Separated, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,42, Self-emp-not-inc,32546, Prof-school,15, Divorced, Prof-specialty, Unmarried, White, Male,7430,0,40, United-States +<=50K,41, Private,93885, Some-college,10, Divorced, Sales, Unmarried, White, Female,0,0,48, United-States +<=50K,28, Private,210765, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,191276, Assoc-voc,11, Divorced, Handlers-cleaners, Unmarried, White, Female,0,0,40, United-States +<=50K,82, Self-emp-not-inc,71438, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,330571, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,16, United-States +<=50K,40, Local-gov,138634, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,35, Private,112264, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,205865, HS-grad,9, Never-married, Sales, Unmarried, White, Male,0,0,45, United-States +<=50K,21, Private,224640, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,27, Private,180758, Some-college,10, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,30, United-States +<=50K,29, ?,499935, Assoc-voc,11, Never-married, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,40, Self-emp-not-inc,107762, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,17, Private,214787, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,25, United-States +<=50K,27, Private,211032, 1st-4th,2, Never-married, Craft-repair, Not-in-family, White, Male,0,0,40, Mexico +<=50K,34, Private,208353, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,18, Private,157273, 10th,6, Never-married, Other-service, Other-relative, Black, Male,0,0,15, United-States +<=50K,39, Private,75891, Bachelors,13, Divorced, Tech-support, Unmarried, White, Female,0,0,40, United-States +>50K,34, Self-emp-inc,177675, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,65, United-States +<=50K,44, Private,182370, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,200525, 11th,7, Never-married, ?, Own-child, White, Female,0,0,25, United-States +>50K,39, Private,174242, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,60, United-States +<=50K,28, Private,95566, 1st-4th,2, Married-spouse-absent, Other-service, Own-child, Other, Female,0,0,35, Dominican-Republic +<=50K,30, Private,30290, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,60, Private,240951, HS-grad,9, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,58, Private,183810, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,24, United-States +<=50K,49, Private,94342, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +>50K,61, Self-emp-inc,148577, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,27, Private,103634, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,38, United-States +<=50K,59, Self-emp-not-inc,83542, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,52, Federal-gov,76131, Some-college,10, Married-civ-spouse, Exec-managerial, Wife, Asian-Pac-Islander, Female,0,0,40, United-States +<=50K,42, Federal-gov,262402, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,27, Private,198286, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,34, United-States +>50K,41, Self-emp-inc,145441, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,35, ?,273558, Some-college,10, Never-married, ?, Not-in-family, Black, Male,0,0,30, United-States +<=50K,50, Local-gov,117496, Bachelors,13, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,36, Private,128876, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, Private,199698, HS-grad,9, Never-married, Farming-fishing, Own-child, White, Male,0,0,45, United-States +<=50K,38, Private,65390, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,46, Private,128645, Some-college,10, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,59, Private,53481, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,55, Private,92215, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,49, Local-gov,78859, Masters,14, Widowed, Prof-specialty, Unmarried, White, Female,0,323,20, United-States +>50K,59, Self-emp-inc,187502, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,38, Private,242080, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,55, United-States +<=50K,22, Private,41837, Some-college,10, Never-married, Transport-moving, Own-child, White, Male,0,0,25, United-States +<=50K,28, Private,291374, 12th,8, Never-married, Sales, Unmarried, Black, Female,0,0,40, United-States +>50K,47, Private,148995, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,2415,60, United-States +<=50K,59, Private,159008, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,56, United-States +<=50K,37, Private,271013, HS-grad,9, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,199046, Bachelors,13, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, Private,164280, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, Portugal +>50K,35, Local-gov,116960, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,40, United-States +<=50K,55, Private,100054, 10th,6, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,18, Private,183824, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,30, United-States +>50K,48, Private,313925, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,30, United-States +>50K,48, Private,379883, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Cuba +<=50K,70, ?,92593, Some-college,10, Widowed, ?, Not-in-family, White, Female,0,0,25, United-States +<=50K,27, Private,189777, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,198330, Masters,14, Widowed, Prof-specialty, Unmarried, Black, Female,0,0,37, United-States +>50K,32, Private,127451, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,38, United-States +<=50K,62, ?,31577, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,18, United-States +<=50K,18, ?,90230, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,20, United-States +>50K,50, Private,301024, Bachelors,13, Separated, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,38, Self-emp-not-inc,175732, HS-grad,9, Never-married, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,15, United-States +<=50K,18, Private,218889, 9th,5, Never-married, Other-service, Own-child, Black, Male,0,0,35, United-States +<=50K,46, Private,117605, 9th,5, Divorced, Sales, Not-in-family, White, Male,0,0,35, United-States +>50K,26, Private,154571, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, Asian-Pac-Islander, Male,0,0,45, United-States +<=50K,44, Private,228057, 7th-8th,4, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, Dominican-Republic +<=50K,32, Private,173998, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,25, Private,90752, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,55, Private,51008, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,55, Federal-gov,113398, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Male,0,0,40, United-States +<=50K,25, Private,74977, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,40, United-States +<=50K,40, Private,101593, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,29, Private,228346, Assoc-voc,11, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,60, Private,180418, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,44489, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,43, Self-emp-not-inc,277488, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,24, Private,103064, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,0,55, United-States +<=50K,34, Private,226872, Bachelors,13, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,47, Self-emp-not-inc,330416, Some-college,10, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,60, United-States +<=50K,24, Private,186495, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,47, State-gov,205712, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,38, United-States +<=50K,18, Private,217743, 11th,7, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +<=50K,50, Self-emp-inc,52565, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,1485,40, United-States +<=50K,22, Private,239954, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Male,0,0,40, United-States +>50K,49, Self-emp-not-inc,349986, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,41, Private,117585, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1485,40, United-States +<=50K,68, Self-emp-not-inc,122094, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,15, United-States +<=50K,62, Self-emp-not-inc,26857, 7th-8th,4, Widowed, Farming-fishing, Other-relative, White, Female,0,0,35, United-States +<=50K,25, Local-gov,192321, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,24, Private,88095, Some-college,10, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,24, Mexico +<=50K,44, Private,144067, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,12, ? +<=50K,32, Private,124187, 9th,5, Married-civ-spouse, Farming-fishing, Husband, Black, Male,0,0,40, United-States +>50K,49, Private,123681, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,43, United-States +<=50K,68, Private,145638, Some-college,10, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,130513, Assoc-acdm,12, Never-married, Sales, Own-child, White, Female,0,0,40, Peru +<=50K,47, Federal-gov,197038, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,35, Private,189092, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,198841, 11th,7, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,317969, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +>50K,37, Private,103121, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,1848,40, United-States +<=50K,34, Private,111589, 10th,6, Never-married, Other-service, Unmarried, Black, Female,0,0,40, Jamaica +<=50K,46, Local-gov,267952, Assoc-voc,11, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,36, United-States +<=50K,21, Private,63899, 11th,7, Never-married, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,26, Private,473625, HS-grad,9, Married-civ-spouse, Other-service, Wife, White, Female,0,0,30, United-States +>50K,45, Private,187901, HS-grad,9, Divorced, Farming-fishing, Not-in-family, White, Male,0,2258,44, United-States +<=50K,17, Private,24090, HS-grad,9, Never-married, Exec-managerial, Own-child, White, Female,0,0,35, United-States +<=50K,36, Self-emp-inc,102729, Assoc-acdm,12, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,70, United-States +<=50K,33, Private,91666, 12th,8, Divorced, Exec-managerial, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,215873, HS-grad,9, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,40, United-States +<=50K,32, Private,152109, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,24, Private,175586, HS-grad,9, Never-married, Machine-op-inspct, Unmarried, Black, Female,0,0,40, United-States +<=50K,37, Private,232614, HS-grad,9, Divorced, Other-service, Unmarried, Black, Female,0,0,30, United-States +>50K,53, State-gov,229465, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +>50K,44, Private,147110, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,14344,0,40, United-States +>50K,43, Local-gov,161240, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,45, United-States +<=50K,29, Private,358124, HS-grad,9, Never-married, Other-service, Other-relative, Black, Female,0,0,52, United-States +<=50K,47, Private,222529, Bachelors,13, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,65, United-States +<=50K,37, Self-emp-not-inc,338320, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,60, United-States +>50K,43, Self-emp-inc,62026, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,23, Private,263886, Some-college,10, Never-married, Sales, Not-in-family, Black, Female,0,0,20, United-States +<=50K,50, Private,310774, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,35, United-States +<=50K,25, Private,98155, Some-college,10, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +<=50K,40, Private,259307, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,358753, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,7688,0,40, United-States +>50K,41, Private,29762, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,32, Private,202729, HS-grad,9, Married-civ-spouse, Transport-moving, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,28790, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, Private,53209, HS-grad,9, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,30, Local-gov,169020, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,34, Private,127195, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,41, Private,211731, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, Mexico +<=50K,42, Self-emp-not-inc,126614, Bachelors,13, Divorced, Exec-managerial, Not-in-family, Other, Male,0,0,30, Iran +>50K,45, Private,259463, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,228411, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,35, United-States +<=50K,25, Private,117827, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,22, Federal-gov,57216, Some-college,10, Never-married, Adm-clerical, Own-child, Black, Male,0,0,20, United-States +>50K,46, State-gov,250821, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,15024,0,40, United-States +<=50K,48, Self-emp-inc,88564, Some-college,10, Divorced, Farming-fishing, Not-in-family, White, Male,0,0,45, United-States +>50K,45, Private,172822, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,52, United-States +<=50K,19, Private,251579, Some-college,10, Never-married, Other-service, Own-child, White, Male,0,0,14, United-States +<=50K,31, Private,118399, 11th,7, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,30, Self-emp-inc,178383, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,70, United-States +>50K,40, Self-emp-not-inc,170866, Assoc-acdm,12, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,60, ?,268954, Some-college,10, Married-civ-spouse, ?, Husband, White, Male,0,0,12, United-States +>50K,52, ?,89951, 12th,8, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +<=50K,22, Private,203894, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,15, United-States +<=50K,25, Private,237065, Some-college,10, Divorced, Other-service, Own-child, Black, Male,0,0,38, United-States +>50K,51, Local-gov,108435, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,80, United-States +<=50K,32, Private,93213, Assoc-acdm,12, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,62, United-States +<=50K,51, Self-emp-inc,231230, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,25, United-States +>50K,42, Private,386175, Some-college,10, Divorced, Sales, Not-in-family, White, Male,0,0,50, United-States +>50K,39, Private,128392, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,1887,40, United-States +<=50K,24, Private,223515, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,52, Private,208630, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,1741,38, United-States +<=50K,58, ?,97969, 1st-4th,2, Married-spouse-absent, ?, Unmarried, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,43, Private,174295, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,31, Private,60229, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,28, Private,66095, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,31, Federal-gov,130057, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,60, United-States +<=50K,61, Private,179743, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2051,20, United-States +<=50K,26, Private,192022, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Female,0,0,40, United-States +<=50K,46, Private,45288, Bachelors,13, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +>50K,62, ?,178764, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,99476, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,35, United-States +<=50K,18, Private,41973, 11th,7, Never-married, Adm-clerical, Own-child, White, Female,0,0,5, United-States +<=50K,23, Private,162228, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,48, United-States +<=50K,21, Private,211968, Some-college,10, Never-married, Sales, Own-child, White, Female,0,1762,28, United-States +<=50K,46, Private,211226, Assoc-acdm,12, Married-civ-spouse, Transport-moving, Husband, Other, Male,0,0,36, United-States +<=50K,38, Private,33397, HS-grad,9, Divorced, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,53, Private,120839, 12th,8, Divorced, Farming-fishing, Own-child, White, Male,0,0,40, United-States +>50K,53, Private,36327, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,50, Private,139703, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,26, Private,107827, HS-grad,9, Never-married, Other-service, Unmarried, White, Male,0,0,25, United-States +>50K,46, Local-gov,140219, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,8614,0,55, United-States +>50K,44, Local-gov,203761, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +>50K,36, Local-gov,114719, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,20, Private,344394, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,195516, 7th-8th,4, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, Mexico +<=50K,40, State-gov,31627, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,20, United-States +<=50K,70, Private,174032, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,57, Private,226875, 7th-8th,4, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,40, Private,566537, Preschool,1, Married-civ-spouse, Other-service, Husband, White, Male,0,1672,40, Mexico +<=50K,18, Private,36162, 11th,7, Never-married, Craft-repair, Own-child, White, Male,0,0,5, United-States +<=50K,45, Self-emp-not-inc,31478, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,2829,0,60, United-States +>50K,52, Private,294991, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,24, ?,108495, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,42, Self-emp-inc,161532, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,60, United-States +<=50K,28, Local-gov,332249, HS-grad,9, Separated, Transport-moving, Own-child, White, Male,0,0,45, United-States +<=50K,32, Private,268147, Assoc-voc,11, Never-married, Tech-support, Unmarried, White, Female,0,0,60, United-States +<=50K,56, Federal-gov,317847, Bachelors,13, Divorced, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +<=50K,44, Private,52028, 1st-4th,2, Married-civ-spouse, Other-service, Wife, Asian-Pac-Islander, Female,0,0,40, Vietnam +<=50K,20, Private,184045, Some-college,10, Never-married, Sales, Unmarried, Black, Female,0,0,30, United-States +>50K,32, Private,206609, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,152968, Some-college,10, Separated, Adm-clerical, Other-relative, White, Male,3325,0,40, United-States +<=50K,21, Private,213015, HS-grad,9, Never-married, Handlers-cleaners, Other-relative, Black, Male,2176,0,40, United-States +>50K,32, Private,313835, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, Private,66385, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,5013,0,40, United-States +<=50K,22, Private,205940, Bachelors,13, Never-married, Adm-clerical, Own-child, White, Female,1055,0,30, United-States +>50K,51, Self-emp-inc,260938, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,60567, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,3411,0,40, United-States +<=50K,23, Private,335067, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,331126, HS-grad,9, Never-married, Other-service, Unmarried, Black, Male,0,0,30, United-States +<=50K,53, Private,156612, 12th,8, Divorced, Transport-moving, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,188436, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,45, United-States +<=50K,60, Private,227468, Some-college,10, Widowed, Protective-serv, Not-in-family, Black, Female,0,0,40, United-States +<=50K,55, Private,183580, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,38, United-States +<=50K,57, Self-emp-not-inc,50990, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,30, United-States +<=50K,59, Private,384246, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,26, ?,375313, Some-college,10, Never-married, ?, Own-child, Asian-Pac-Islander, Male,0,0,40, Philippines +>50K,30, Private,176410, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Own-child, White, Female,7298,0,16, United-States +<=50K,49, Private,93639, Bachelors,13, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,43, United-States +<=50K,45, Private,30289, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-inc,124950, Bachelors,13, Never-married, Sales, Own-child, White, Female,0,0,40, United-States +>50K,37, Self-emp-not-inc,126675, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,145964, 12th,8, Never-married, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +<=50K,36, State-gov,345712, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,18, ?,97474, HS-grad,9, Never-married, ?, Own-child, White, Female,0,0,20, United-States +<=50K,37, Private,180342, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,45, United-States +<=50K,19, Private,167087, HS-grad,9, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,65, ?,192825, 7th-8th,4, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,30, Private,318749, Assoc-voc,11, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,35, Germany +<=50K,27, ?,147638, Masters,14, Never-married, ?, Not-in-family, Other, Female,0,0,40, Japan +>50K,59, Federal-gov,293971, Some-college,10, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,32, Private,229566, Assoc-voc,11, Married-civ-spouse, Other-service, Husband, White, Male,0,0,60, United-States +<=50K,25, Private,242464, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,0,40, United-States +>50K,40, Private,111067, Bachelors,13, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,80, United-States +<=50K,21, ?,155697, 9th,5, Never-married, ?, Own-child, White, Male,0,0,42, United-States +>50K,49, Local-gov,106554, Bachelors,13, Divorced, Prof-specialty, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,23776, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,51, ?,43909, HS-grad,9, Divorced, ?, Unmarried, Black, Female,0,0,40, United-States +>50K,48, Private,105808, 9th,5, Widowed, Transport-moving, Unmarried, White, Male,0,0,40, United-States +<=50K,42, Private,169995, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,53, Private,141388, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,29, Self-emp-not-inc,241431, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,45, United-States +<=50K,21, ?,78374, HS-grad,9, Never-married, ?, Other-relative, Asian-Pac-Islander, Female,0,0,24, United-States +<=50K,54, Self-emp-not-inc,158948, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,15, United-States +>50K,66, Private,115498, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,55, ? +<=50K,34, Private,272411, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,39, Private,30529, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1887,40, United-States +<=50K,62, ?,263374, Assoc-voc,11, Married-civ-spouse, ?, Husband, White, Male,0,0,40, Canada +<=50K,30, Private,190228, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,126060, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,25, Private,391192, Assoc-voc,11, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +<=50K,26, Private,214069, HS-grad,9, Separated, Farming-fishing, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,170871, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,60, United-States +<=50K,55, Private,118993, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,10, United-States +<=50K,26, Private,245880, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,40, United-States +<=50K,45, Private,174794, Bachelors,13, Separated, Prof-specialty, Unmarried, White, Female,0,0,56, Germany +>50K,61, Local-gov,153408, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,34, ?,330301, 7th-8th,4, Separated, ?, Unmarried, Black, Female,0,0,40, United-States +<=50K,26, Private,385278, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Black, Male,0,0,60, United-States +<=50K,44, Federal-gov,38434, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,45, Self-emp-not-inc,111679, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,30, United-States +<=50K,55, Private,168956, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,86143, Some-college,10, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,0,0,30, United-States +>50K,48, Private,99835, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,33, Private,263561, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,60, United-States +<=50K,44, Private,118536, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,32, Self-emp-inc,209691, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, Canada +<=50K,54, Private,123374, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,40, Private,137225, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +>50K,29, Private,119359, HS-grad,9, Married-civ-spouse, Prof-specialty, Wife, Asian-Pac-Islander, Female,0,0,10, China +<=50K,56, Private,134153, 10th,6, Married-civ-spouse, Adm-clerical, Husband, Black, Male,0,0,40, United-States +>50K,47, Private,121124, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,147655, Some-college,10, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,46, Private,165138, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,45, United-States +<=50K,24, Federal-gov,312017, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,37, Private,272950, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,259323, HS-grad,9, Divorced, Craft-repair, Unmarried, White, Male,0,0,40, United-States +>50K,44, Federal-gov,281739, Some-college,10, Never-married, Adm-clerical, Not-in-family, White, Male,13550,0,50, United-States +<=50K,21, Private,119156, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,40, United-States +>50K,55, Private,165881, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,23, State-gov,136075, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,32, United-States +<=50K,50, Private,187465, 11th,7, Divorced, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,44, Private,328561, Assoc-voc,11, Married-civ-spouse, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +>50K,48, Private,350440, Some-college,10, Married-civ-spouse, Craft-repair, Other-relative, Asian-Pac-Islander, Male,0,0,40, Cambodia +>50K,38, Self-emp-not-inc,109133, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,70, United-States +>50K,48, Private,109814, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,39, Private,86643, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,52, Federal-gov,154521, HS-grad,9, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,44, United-States +<=50K,63, Private,45912, HS-grad,9, Widowed, Other-service, Other-relative, White, Female,0,0,40, United-States +>50K,48, Private,175070, HS-grad,9, Divorced, Exec-managerial, Not-in-family, White, Female,0,2258,40, United-States +<=50K,37, Private,338033, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +<=50K,26, State-gov,158963, Masters,14, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +>50K,50, Self-emp-inc,121441, 11th,7, Never-married, Exec-managerial, Other-relative, White, Male,0,2444,40, United-States +>50K,47, Self-emp-not-inc,242391, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,19, Private,119964, HS-grad,9, Never-married, Craft-repair, Other-relative, White, Female,0,0,15, United-States +<=50K,34, Private,193344, Some-college,10, Never-married, Adm-clerical, Unmarried, White, Female,0,0,40, Germany +<=50K,29, Local-gov,45554, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,33, Private,249716, HS-grad,9, Never-married, Tech-support, Not-in-family, White, Male,0,0,45, United-States +<=50K,53, Private,58985, Some-college,10, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,24, United-States +<=50K,24, Private,456367, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,39, Private,117381, Some-college,10, Divorced, Transport-moving, Not-in-family, White, Male,0,0,65, United-States +<=50K,50, Self-emp-not-inc,240922, Assoc-acdm,12, Never-married, Sales, Not-in-family, White, Female,0,1408,5, United-States +<=50K,31, Private,226443, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,364342, Assoc-voc,11, Never-married, Sales, Not-in-family, Black, Female,0,0,25, United-States +<=50K,42, Local-gov,101593, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,42, United-States +<=50K,23, Private,267471, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,25, United-States +<=50K,22, Private,186849, 11th,7, Divorced, Sales, Own-child, White, Male,0,0,50, United-States +<=50K,65, Private,174603, 5th-6th,3, Widowed, Machine-op-inspct, Not-in-family, White, Female,0,0,10, Italy +<=50K,34, Private,115040, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,44, United-States +<=50K,23, Private,142766, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,1055,0,20, United-States +>50K,38, Private,59660, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +<=50K,45, Self-emp-not-inc,49595, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,80, United-States +<=50K,19, Private,127491, HS-grad,9, Never-married, Other-service, Not-in-family, White, Male,0,0,40, United-States +<=50K,46, Private,155933, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,1602,8, United-States +<=50K,23, Private,122272, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,20, United-States +>50K,37, Private,143771, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,59, Private,91384, Bachelors,13, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,36, State-gov,135874, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +>50K,35, Private,207066, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,10520,0,45, United-States +<=50K,51, Private,172493, Some-college,10, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,12, United-States +<=50K,42, Local-gov,189956, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,0,0,30, United-States +<=50K,35, Private,106967, Masters,14, Never-married, Sales, Not-in-family, White, Female,0,0,40, United-States +<=50K,20, Private,200153, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,38, United-States +<=50K,25, Private,149943, HS-grad,9, Never-married, Other-service, Other-relative, Asian-Pac-Islander, Male,4101,0,60, ? +<=50K,41, Private,151736, 10th,6, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,40, Private,67852, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,35, United-States +<=50K,36, Private,54229, Assoc-acdm,12, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,37, United-States +>50K,34, Self-emp-inc,154120, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,44, Self-emp-not-inc,157217, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,42, United-States +<=50K,31, Federal-gov,381645, Bachelors,13, Separated, Prof-specialty, Not-in-family, White, Male,0,0,40, United-States +<=50K,41, Local-gov,160785, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,133584, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,43, Private,170230, Masters,14, Never-married, Tech-support, Not-in-family, White, Female,0,0,40, United-States +>50K,58, Private,250206, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,5178,0,40, United-States +<=50K,19, Private,128363, Some-college,10, Never-married, Sales, Own-child, White, Female,0,0,30, United-States +>50K,43, Local-gov,163434, Bachelors,13, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,195690, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,45, United-States +>50K,44, Self-emp-inc,138991, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,46, Private,118419, HS-grad,9, Divorced, Machine-op-inspct, Unmarried, White, Male,0,0,38, United-States +>50K,52, Self-emp-not-inc,185407, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,52, Self-emp-not-inc,283079, HS-grad,9, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,18, Private,119655, 12th,8, Never-married, Adm-clerical, Own-child, White, Female,0,0,12, United-States +<=50K,29, Private,153416, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,19, ?,204868, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,36, United-States +<=50K,34, Private,220362, Bachelors,13, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,23, Local-gov,203078, Some-college,10, Married-civ-spouse, Protective-serv, Husband, Black, Male,0,0,40, United-States +<=50K,64, State-gov,104361, Some-college,10, Separated, Adm-clerical, Not-in-family, White, Female,0,0,65, United-States +<=50K,68, Private,274096, 10th,6, Divorced, Transport-moving, Not-in-family, White, Male,0,0,20, United-States +<=50K,42, State-gov,455553, HS-grad,9, Never-married, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +>50K,41, Private,112283, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,60, United-States +<=50K,41, Self-emp-inc,64506, HS-grad,9, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +<=50K,22, State-gov,24395, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +>50K,67, Self-emp-inc,182581, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,20051,0,20, United-States +>50K,27, Private,100669, Some-college,10, Married-civ-spouse, Craft-repair, Husband, Asian-Pac-Islander, Male,0,0,40, Philippines +<=50K,25, Private,178025, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,49, ?,113913, HS-grad,9, Married-civ-spouse, ?, Wife, White, Female,0,0,60, United-States +<=50K,28, Private,55191, Assoc-acdm,12, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,45, United-States +>50K,51, Federal-gov,223206, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, Asian-Pac-Islander, Male,15024,0,40, Vietnam +<=50K,23, Local-gov,162551, Bachelors,13, Never-married, Prof-specialty, Own-child, Asian-Pac-Islander, Female,0,0,35, China +<=50K,19, Private,693066, 12th,8, Never-married, Other-service, Own-child, White, Female,0,0,15, United-States +<=50K,72, ?,96867, 5th-6th,3, Widowed, ?, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,256362, Some-college,10, Never-married, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,53, Private,539864, Some-college,10, Divorced, Craft-repair, Not-in-family, White, Male,0,0,20, United-States +<=50K,35, Private,241153, Assoc-voc,11, Never-married, Tech-support, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,284395, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,18, Private,180039, 12th,8, Never-married, Sales, Own-child, White, Female,0,0,20, United-States +<=50K,45, Private,178416, Assoc-voc,11, Divorced, Handlers-cleaners, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,175710, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Female,0,0,30, ? +>50K,22, Local-gov,164775, 5th-6th,3, Never-married, Handlers-cleaners, Other-relative, White, Male,0,0,40, Guatemala +<=50K,55, Private,176897, Some-college,10, Divorced, Tech-support, Not-in-family, White, Male,0,0,40, United-States +>50K,45, Private,265097, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,1902,40, United-States +<=50K,22, Private,193090, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,37, Private,186009, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1672,60, United-States +<=50K,28, Private,175262, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +<=50K,19, Private,109928, 11th,7, Never-married, Sales, Own-child, Black, Female,0,0,35, United-States +>50K,37, Self-emp-not-inc,162834, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,1902,45, United-States +>50K,50, Private,177896, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,31, Private,181372, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,35, United-States +<=50K,40, Private,70645, Preschool,1, Never-married, Other-service, Not-in-family, White, Female,0,0,20, United-States +<=50K,51, Private,128272, 9th,5, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,56, Private,106723, HS-grad,9, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +<=50K,21, Private,122348, Some-college,10, Never-married, Tech-support, Own-child, White, Female,0,0,35, United-States +>50K,40, Private,177905, Assoc-voc,11, Married-civ-spouse, Exec-managerial, Husband, White, Male,7688,0,44, United-States +<=50K,22, Private,254547, Some-college,10, Never-married, Exec-managerial, Unmarried, Black, Female,0,0,40, Jamaica +>50K,47, Self-emp-inc,102308, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,2415,45, United-States +<=50K,44, Private,33105, HS-grad,9, Married-civ-spouse, Exec-managerial, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,30, Private,215441, Some-college,10, Never-married, Adm-clerical, Not-in-family, Other, Male,0,0,40, ? +<=50K,44, Local-gov,197919, Some-college,10, Divorced, Other-service, Unmarried, White, Female,0,0,40, United-States +>50K,41, Private,206139, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,47, Private,117849, Assoc-acdm,12, Divorced, Sales, Own-child, White, Male,0,0,44, United-States +>50K,26, Private,323044, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, Germany +<=50K,34, Private,90415, Assoc-voc,11, Never-married, Tech-support, Not-in-family, Black, Male,0,0,40, United-States +>50K,47, Private,294913, Prof-school,15, Married-civ-spouse, Exec-managerial, Husband, White, Male,99999,0,40, United-States +<=50K,36, Private,127573, HS-grad,9, Separated, Adm-clerical, Not-in-family, White, Female,0,0,38, United-States +<=50K,21, Private,180190, Assoc-voc,11, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,46, United-States +<=50K,45, State-gov,231013, Bachelors,13, Divorced, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,33, Private,356015, HS-grad,9, Separated, Craft-repair, Not-in-family, Amer-Indian-Eskimo, Male,0,0,35, Hong +<=50K,33, Private,198069, HS-grad,9, Never-married, Machine-op-inspct, Not-in-family, White, Male,0,0,65, United-States +<=50K,58, Self-emp-not-inc,99141, HS-grad,9, Divorced, Farming-fishing, Unmarried, White, Female,0,0,10, United-States +>50K,31, Private,188246, Assoc-acdm,12, Divorced, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,32, Self-emp-not-inc,116508, Some-college,10, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,50, United-States +>50K,44, Federal-gov,38434, Bachelors,13, Widowed, Exec-managerial, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,128477, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,35, Private,91839, Bachelors,13, Married-civ-spouse, Other-service, Husband, Amer-Indian-Eskimo, Male,7688,0,20, United-States +>50K,43, Private,409922, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,50, United-States +<=50K,49, Private,185041, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,37, Self-emp-not-inc,103925, Bachelors,13, Married-civ-spouse, Sales, Wife, White, Female,0,0,50, United-States +<=50K,42, Self-emp-not-inc,34037, Bachelors,13, Never-married, Farming-fishing, Own-child, White, Male,0,0,35, United-States +>50K,31, Private,251659, Some-college,10, Married-civ-spouse, Other-service, Husband, Asian-Pac-Islander, Male,0,1485,55, ? +<=50K,19, Private,57145, HS-grad,9, Never-married, Other-service, Own-child, White, Female,0,0,25, United-States +>50K,41, Private,182108, Doctorate,16, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +<=50K,51, Self-emp-inc,213296, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,30, United-States +>50K,51, Self-emp-inc,28765, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +<=50K,63, Private,37792, 10th,6, Widowed, Other-service, Not-in-family, White, Female,0,0,31, United-States +>50K,39, Federal-gov,232036, Some-college,10, Married-civ-spouse, Adm-clerical, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,33678, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,62, Without-pay,159908, Some-college,10, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,16, United-States +<=50K,27, Private,176761, HS-grad,9, Never-married, Craft-repair, Other-relative, Other, Male,0,0,40, Nicaragua +<=50K,32, Private,260954, 11th,7, Married-civ-spouse, Craft-repair, Husband, White, Male,0,2042,30, United-States +>50K,37, Local-gov,180342, Bachelors,13, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,47, Local-gov,324791, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1887,50, United-States +>50K,31, Private,183801, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1902,43, United-States +<=50K,42, Private,204235, HS-grad,9, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,37, Private,249720, Assoc-voc,11, Married-spouse-absent, Sales, Unmarried, Black, Female,0,0,32, United-States +<=50K,60, Private,127084, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,2042,34, United-States +>50K,42, Local-gov,201495, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,72, United-States +>50K,38, Private,447346, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,36, United-States +<=50K,24, Private,206008, Assoc-acdm,12, Never-married, Prof-specialty, Own-child, Black, Male,0,0,20, United-States +<=50K,34, Private,286020, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,45, United-States +<=50K,20, ?,99891, Some-college,10, Never-married, ?, Own-child, White, Female,0,0,30, United-States +<=50K,29, Local-gov,169544, Some-college,10, Never-married, Protective-serv, Own-child, White, Male,0,0,48, United-States +<=50K,90, Private,313749, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,25, United-States +<=50K,55, Private,89182, 12th,8, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, Italy +<=50K,36, Private,258102, HS-grad,9, Never-married, Handlers-cleaners, Not-in-family, White, Male,0,0,40, United-States +<=50K,49, Private,255466, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,60, United-States +<=50K,50, Private,38795, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,17, Private,311907, 11th,7, Never-married, Other-service, Own-child, White, Male,0,0,25, United-States +<=50K,54, Private,171924, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,26, Private,164488, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,10, United-States +<=50K,44, Private,297991, Assoc-acdm,12, Never-married, Exec-managerial, Not-in-family, Asian-Pac-Islander, Female,0,0,50, United-States +<=50K,28, Private,478315, Bachelors,13, Never-married, Prof-specialty, Own-child, Black, Female,0,0,40, United-States +>50K,54, Local-gov,34832, Doctorate,16, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,21, Private,67804, 9th,5, Never-married, Machine-op-inspct, Own-child, Black, Male,0,0,20, United-States +<=50K,24, Private,34568, Assoc-voc,11, Never-married, Transport-moving, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,47151, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,56, United-States +<=50K,59, ?,120617, Some-college,10, Never-married, ?, Not-in-family, Black, Female,0,0,40, United-States +>50K,41, Private,318046, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,48, United-States +<=50K,29, Private,363963, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,50, Private,92811, Bachelors,13, Married-civ-spouse, Tech-support, Husband, White, Male,0,0,40, United-States +>50K,32, Private,33678, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,50, United-States +<=50K,42, Private,66118, Some-college,10, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,40, United-States +>50K,47, Private,160474, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,0,0,30, United-States +<=50K,44, Private,159960, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,49, Private,242987, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, Columbia +<=50K,61, Private,232719, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,65, Local-gov,103153, 7th-8th,4, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1411,40, United-States +>50K,45, Local-gov,162187, HS-grad,9, Married-civ-spouse, Protective-serv, Husband, White, Male,0,0,40, United-States +<=50K,59, Private,207391, HS-grad,9, Divorced, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,30, Never-worked,176673, HS-grad,9, Married-civ-spouse, ?, Wife, Black, Female,0,0,40, United-States +>50K,34, Private,356882, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,24, Private,427686, 1st-4th,2, Married-civ-spouse, Handlers-cleaners, Other-relative, White, Male,0,0,40, Mexico +>50K,42, Self-emp-inc,191196, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,1977,60, ? +>50K,37, Private,377798, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,3103,0,40, United-States +<=50K,36, Private,43712, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,21, ?,205939, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,40, United-States +>50K,54, Private,161691, Masters,14, Divorced, Prof-specialty, Not-in-family, White, Female,0,2559,40, United-States +<=50K,34, Private,346034, 12th,8, Married-spouse-absent, Handlers-cleaners, Unmarried, White, Male,0,0,35, Mexico +<=50K,41, Private,144460, Some-college,10, Divorced, Machine-op-inspct, Own-child, White, Male,0,0,40, Italy +<=50K,18, Never-worked,153663, Some-college,10, Never-married, ?, Own-child, White, Male,0,0,4, United-States +<=50K,26, Private,262617, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,23, Federal-gov,173851, HS-grad,9, Never-married, Armed-Forces, Not-in-family, White, Male,0,0,8, United-States +<=50K,63, ?,126540, Some-college,10, Divorced, ?, Not-in-family, White, Female,0,0,5, United-States +>50K,34, Private,117963, Bachelors,13, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,54, Private,219737, HS-grad,9, Widowed, Sales, Not-in-family, White, Female,0,0,37, United-States +<=50K,37, Private,328466, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, Mexico +<=50K,54, State-gov,138852, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,22, Local-gov,195532, Some-college,10, Never-married, Protective-serv, Other-relative, White, Female,0,0,43, United-States +<=50K,32, Private,188246, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,42, State-gov,138162, Some-college,10, Divorced, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, State-gov,110714, Some-college,10, Never-married, Other-service, Own-child, White, Female,0,0,37, United-States +>50K,48, Private,123075, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, United-States +<=50K,28, Private,330466, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,40, Hong +<=50K,31, Private,254304, 10th,6, Divorced, Craft-repair, Not-in-family, White, Male,0,0,38, United-States +<=50K,28, Private,435842, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,24, Private,118657, 12th,8, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,50, Private,278188, HS-grad,9, Divorced, Craft-repair, Not-in-family, White, Female,0,0,45, United-States +<=50K,26, Private,233777, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,72, Mexico +>50K,37, Self-emp-inc,328466, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,50, United-States +<=50K,24, Private,176580, 5th-6th,3, Married-spouse-absent, Farming-fishing, Not-in-family, White, Male,0,0,40, Mexico +<=50K,18, ?,156608, 11th,7, Never-married, ?, Own-child, White, Female,0,0,25, United-States +<=50K,32, Private,172415, HS-grad,9, Never-married, Other-service, Unmarried, Black, Female,0,0,40, United-States +<=50K,23, Private,194951, Bachelors,13, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,0,0,55, Ireland +<=50K,33, Local-gov,318921, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Female,0,0,35, United-States +<=50K,49, Private,189462, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,75, Self-emp-not-inc,192813, Masters,14, Widowed, Sales, Not-in-family, White, Male,0,0,45, United-States +>50K,74, Self-emp-not-inc,199136, Bachelors,13, Widowed, Craft-repair, Not-in-family, White, Male,15831,0,8, Germany +<=50K,26, Private,156805, Some-college,10, Married-civ-spouse, Machine-op-inspct, Husband, Black, Male,0,0,40, United-States +<=50K,66, ?,93318, HS-grad,9, Widowed, ?, Unmarried, White, Female,0,0,40, United-States +<=50K,34, Private,121966, Bachelors,13, Married-spouse-absent, Adm-clerical, Not-in-family, White, Female,0,0,45, United-States +<=50K,18, Private,347336, 12th,8, Never-married, Other-service, Own-child, White, Male,0,0,12, United-States +<=50K,33, Private,205950, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,36, State-gov,212143, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,44, Private,187821, Bachelors,13, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,55, United-States +<=50K,36, Private,250807, 11th,7, Never-married, Craft-repair, Not-in-family, Black, Female,0,0,40, United-States +<=50K,53, Private,291755, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,60, Private,36077, 7th-8th,4, Married-spouse-absent, Machine-op-inspct, Not-in-family, White, Male,0,0,40, United-States +<=50K,28, Private,119793, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, Portugal +<=50K,36, Private,184655, 10th,6, Divorced, Transport-moving, Unmarried, White, Male,0,0,48, United-States +<=50K,35, Private,162256, Assoc-voc,11, Divorced, Adm-clerical, Not-in-family, White, Female,6849,0,40, United-States +<=50K,45, Self-emp-not-inc,204405, Assoc-voc,11, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,133355, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,15, United-States +<=50K,35, Private,89559, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,55, United-States +>50K,34, Private,115066, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,42, United-States +<=50K,46, Private,139514, Preschool,1, Married-civ-spouse, Machine-op-inspct, Other-relative, Black, Male,0,0,75, Dominican-Republic +<=50K,58, State-gov,200316, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,55, Local-gov,166502, Masters,14, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,45, United-States +<=50K,63, Private,226422, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,41, Self-emp-not-inc,251305, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,190482, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,76, United-States +>50K,41, Private,122215, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,40, United-States +<=50K,42, Private,248356, HS-grad,9, Never-married, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,90, Local-gov,214594, 7th-8th,4, Married-civ-spouse, Protective-serv, Husband, White, Male,2653,0,40, United-States +<=50K,41, Private,220460, HS-grad,9, Never-married, Sales, Own-child, White, Male,0,0,40, United-States +<=50K,22, Private,174043, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +>50K,53, Self-emp-not-inc,137547, Prof-school,15, Never-married, Prof-specialty, Not-in-family, Asian-Pac-Islander, Male,27828,0,40, Philippines +>50K,49, Self-emp-not-inc,111959, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, Scotland +>50K,51, Private,40641, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,60, United-States +<=50K,22, Private,205940, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,23, Private,265077, Assoc-voc,11, Never-married, Other-service, Not-in-family, White, Female,0,0,40, United-States +>50K,59, Private,395736, HS-grad,9, Married-civ-spouse, Handlers-cleaners, Husband, White, Male,0,0,40, United-States +<=50K,40, Private,306225, HS-grad,9, Divorced, Craft-repair, Not-in-family, Asian-Pac-Islander, Female,0,0,40, Japan +<=50K,28, Private,180299, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,70, United-States +<=50K,39, Private,214896, HS-grad,9, Separated, Other-service, Not-in-family, White, Female,0,0,40, El-Salvador +<=50K,25, Private,273792, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,37, United-States +<=50K,48, State-gov,224474, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,62, Private,271431, 9th,5, Married-civ-spouse, Other-service, Husband, Black, Male,0,0,42, United-States +<=50K,44, Local-gov,150171, HS-grad,9, Divorced, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,28, Federal-gov,381789, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Male,0,0,50, United-States +<=50K,62, Private,170984, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,108256, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,59, Federal-gov,23789, HS-grad,9, Married-civ-spouse, Sales, Wife, White, Female,0,0,40, United-States +<=50K,20, Private,176321, Some-college,10, Never-married, Adm-clerical, Other-relative, White, Female,0,0,20, United-States +<=50K,40, Private,260425, Assoc-acdm,12, Separated, Tech-support, Unmarried, White, Female,1471,0,32, United-States +>50K,47, Private,248059, Some-college,10, Married-civ-spouse, Other-service, Husband, White, Male,0,0,47, United-States +<=50K,60, Private,56248, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,55, Private,199763, HS-grad,9, Separated, Protective-serv, Not-in-family, White, Male,0,0,81, United-States +<=50K,18, Private,200047, 12th,8, Never-married, Adm-clerical, Own-child, White, Male,0,0,35, United-States +<=50K,43, Private,191712, Bachelors,13, Never-married, Adm-clerical, Not-in-family, White, Male,0,1741,40, United-States +<=50K,31, Self-emp-not-inc,156033, HS-grad,9, Divorced, Other-service, Not-in-family, White, Male,0,0,35, United-States +<=50K,22, Private,173736, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,50, United-States +<=50K,56, Private,135458, HS-grad,9, Divorced, Tech-support, Not-in-family, Black, Female,0,0,40, United-States +<=50K,41, Private,185660, HS-grad,9, Separated, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,24, Private,222005, HS-grad,9, Never-married, Other-service, Other-relative, White, Male,0,0,30, United-States +>50K,42, Private,161510, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,7298,0,40, United-States +>50K,53, Local-gov,186303, Some-college,10, Married-civ-spouse, Protective-serv, Husband, White, Male,0,1887,40, United-States +<=50K,52, Local-gov,143533, 7th-8th,4, Never-married, Other-service, Other-relative, Black, Female,0,0,40, United-States +>50K,42, Private,288154, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,89, United-States +<=50K,48, Private,325372, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Portugal +<=50K,35, Private,379959, HS-grad,9, Divorced, Other-service, Not-in-family, White, Female,0,0,40, United-States +<=50K,33, Private,168387, 11th,7, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,20, Private,234640, Some-college,10, Never-married, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,33, Private,232475, Some-college,10, Never-married, Sales, Own-child, White, Male,0,0,45, United-States +<=50K,30, Private,205152, Bachelors,13, Never-married, Sales, Not-in-family, White, Male,0,0,40, United-States +<=50K,31, Private,112115, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,29, Private,183854, HS-grad,9, Never-married, Sales, Not-in-family, White, Female,0,0,25, United-States +<=50K,26, Private,164386, HS-grad,9, Never-married, Craft-repair, Own-child, White, Male,0,0,48, United-States +<=50K,61, Private,149620, Some-college,10, Divorced, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,45, Private,199590, 5th-6th,3, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, ? +<=50K,29, Private,83742, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,45, United-States +>50K,57, Self-emp-not-inc,65080, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +>50K,33, Private,191335, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,1902,50, United-States +<=50K,20, Private,227778, Some-college,10, Never-married, Sales, Not-in-family, White, Female,0,0,56, United-States +<=50K,26, Private,48280, Bachelors,13, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Private,66304, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,55, United-States +<=50K,23, Private,45834, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,50, United-States +<=50K,31, Private,298995, HS-grad,9, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,35, United-States +<=50K,47, Private,161950, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,61, Private,98776, 11th,7, Widowed, Handlers-cleaners, Not-in-family, White, Female,0,0,30, United-States +<=50K,35, Private,102268, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,23, Private,180771, 1st-4th,2, Married-civ-spouse, Machine-op-inspct, Wife, Amer-Indian-Eskimo, Female,0,0,35, Mexico +<=50K,20, ?,203992, HS-grad,9, Never-married, ?, Own-child, White, Male,0,0,40, United-States +<=50K,41, Private,206878, HS-grad,9, Divorced, Other-service, Unmarried, White, Female,0,0,32, United-States +<=50K,39, Federal-gov,110622, Bachelors,13, Married-civ-spouse, Adm-clerical, Wife, Asian-Pac-Islander, Female,0,0,40, Philippines +>50K,51, Local-gov,203334, Doctorate,16, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,45, United-States +<=50K,61, Self-emp-not-inc,50483, 7th-8th,4, Married-civ-spouse, Farming-fishing, Husband, White, Male,0,0,56, United-States +<=50K,51, Private,274502, 7th-8th,4, Divorced, Machine-op-inspct, Not-in-family, White, Female,0,0,48, United-States +<=50K,36, Private,208068, Preschool,1, Divorced, Other-service, Not-in-family, Other, Male,0,0,72, Mexico +<=50K,41, Self-emp-not-inc,168098, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,34, Private,213307, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Female,7443,0,35, United-States +<=50K,25, Private,175128, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +>50K,37, Private,40955, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,19, Private,60890, HS-grad,9, Never-married, Craft-repair, Not-in-family, White, Male,0,0,49, United-States +>50K,66, Self-emp-not-inc,102686, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,20, United-States +<=50K,23, Private,190273, Bachelors,13, Never-married, Prof-specialty, Own-child, White, Male,0,0,40, United-States +>50K,30, Self-emp-not-inc,176185, Some-college,10, Married-spouse-absent, Craft-repair, Own-child, White, Male,0,0,60, United-States +>50K,53, Private,304504, Some-college,10, Married-civ-spouse, Transport-moving, Husband, White, Male,0,1887,45, United-States +<=50K,25, Private,390657, Some-college,10, Never-married, Other-service, Not-in-family, Black, Male,0,0,40, United-States +<=50K,18, Private,41381, HS-grad,9, Never-married, Sales, Own-child, White, Female,0,1602,20, United-States +<=50K,51, Private,101432, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +<=50K,61, Private,190682, HS-grad,9, Widowed, Craft-repair, Not-in-family, Black, Female,0,1669,50, United-States +<=50K,53, Private,158993, HS-grad,9, Widowed, Machine-op-inspct, Unmarried, Black, Female,0,0,38, United-States +<=50K,17, Private,117798, 10th,6, Never-married, Other-service, Own-child, White, Male,0,0,20, United-States +<=50K,61, Private,137554, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,44, Self-emp-inc,71556, Masters,14, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, ? +<=50K,38, Private,257416, 9th,5, Married-civ-spouse, Transport-moving, Husband, Black, Male,0,0,40, United-States +<=50K,40, Private,195617, Some-college,10, Separated, Exec-managerial, Unmarried, White, Female,0,0,20, United-States +<=50K,32, Private,236318, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,32, United-States +>50K,46, Private,42251, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,50, Private,257933, Some-college,10, Divorced, Adm-clerical, Not-in-family, White, Female,0,0,40, United-States +>50K,36, Self-emp-not-inc,109133, Bachelors,13, Married-civ-spouse, Sales, Husband, White, Male,0,0,50, United-States +<=50K,30, Self-emp-not-inc,261943, 11th,7, Married-spouse-absent, Craft-repair, Not-in-family, White, Male,0,0,30, Honduras +>50K,33, Private,139057, Masters,14, Married-civ-spouse, Tech-support, Husband, Asian-Pac-Islander, Male,0,0,50, United-States +>50K,36, Private,237943, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,1977,45, United-States +<=50K,85, Private,98611, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,3, Poland +<=50K,62, Private,128092, HS-grad,9, Widowed, Adm-clerical, Not-in-family, White, Female,0,0,32, United-States +<=50K,24, Private,284317, Bachelors,13, Never-married, Machine-op-inspct, Not-in-family, White, Female,0,0,32, United-States +>50K,48, Self-emp-inc,185041, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,7298,0,50, United-States +<=50K,58, Local-gov,223214, HS-grad,9, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +>50K,45, Self-emp-inc,173664, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,45, United-States +<=50K,66, Private,269665, HS-grad,9, Widowed, Exec-managerial, Not-in-family, White, Female,0,0,25, United-States +>50K,37, Private,121521, Prof-school,15, Married-civ-spouse, Prof-specialty, Husband, White, Male,15024,0,45, United-States +<=50K,55, Private,199713, 9th,5, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,48, United-States +<=50K,39, Self-emp-not-inc,193689, HS-grad,9, Never-married, Exec-managerial, Not-in-family, White, Male,0,0,65, United-States +<=50K,58, Self-emp-inc,181974, Doctorate,16, Never-married, Prof-specialty, Not-in-family, White, Female,0,0,99, ? +<=50K,50, Private,485710, Doctorate,16, Divorced, Prof-specialty, Not-in-family, White, Female,0,0,50, United-States +<=50K,28, Private,185647, Some-college,10, Divorced, Handlers-cleaners, Not-in-family, White, Male,0,0,50, United-States +<=50K,34, Private,30673, Masters,14, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,55, United-States +<=50K,41, Federal-gov,160467, Masters,14, Divorced, Prof-specialty, Unmarried, White, Female,1506,0,40, United-States +>50K,36, Private,186819, Assoc-acdm,12, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,52, United-States +<=50K,22, Private,67234, HS-grad,9, Never-married, Handlers-cleaners, Unmarried, White, Male,0,0,45, United-States +<=50K,35, Private,30673, 12th,8, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,84, United-States +<=50K,49, ?,114648, 12th,8, Divorced, ?, Other-relative, Black, Male,0,0,40, United-States +<=50K,21, Private,182117, Assoc-acdm,12, Never-married, Other-service, Own-child, White, Male,0,0,40, United-States +<=50K,64, State-gov,222966, 7th-8th,4, Married-civ-spouse, Other-service, Wife, Black, Female,0,0,40, United-States +>50K,41, Private,201495, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,52, Private,301229, Assoc-voc,11, Separated, Sales, Unmarried, White, Female,0,0,40, United-States +<=50K,32, Private,157747, Some-college,10, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,27, Private,155382, Some-college,10, Never-married, Other-service, Not-in-family, White, Female,0,0,25, United-States +<=50K,48, Private,268083, Some-college,10, Divorced, Exec-managerial, Not-in-family, White, Female,0,0,40, United-States +<=50K,28, Private,113987, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,24, Private,216984, Some-college,10, Married-civ-spouse, Other-service, Own-child, Asian-Pac-Islander, Female,0,0,35, United-States +<=50K,51, Private,177669, Some-college,10, Married-civ-spouse, Sales, Husband, White, Male,0,0,60, United-States +<=50K,32, Private,164190, Some-college,10, Never-married, Exec-managerial, Own-child, White, Male,0,0,40, United-States +<=50K,61, Private,355645, HS-grad,9, Married-civ-spouse, Sales, Husband, Black, Male,0,0,40, United-States +<=50K,60, ?,134152, 9th,5, Divorced, ?, Not-in-family, Black, Male,0,0,35, United-States +<=50K,33, Private,63079, HS-grad,9, Divorced, Adm-clerical, Unmarried, Black, Female,0,0,40, United-States +<=50K,42, Self-emp-not-inc,217597, HS-grad,9, Divorced, Sales, Own-child, White, Male,0,0,50, ? +<=50K,24, Private,381895, 11th,7, Divorced, Machine-op-inspct, Unmarried, White, Female,0,0,40, United-States +<=50K,82, ?,403910, HS-grad,9, Never-married, ?, Not-in-family, White, Male,0,0,3, United-States +<=50K,26, Private,179010, Some-college,10, Never-married, Craft-repair, Not-in-family, White, Male,0,0,65, United-States +<=50K,18, Private,436163, 11th,7, Never-married, Prof-specialty, Own-child, White, Male,0,0,20, United-States +<=50K,34, Private,321709, HS-grad,9, Never-married, Other-service, Not-in-family, White, Female,0,0,28, United-States +<=50K,57, Private,153918, HS-grad,9, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,25, Private,403788, HS-grad,9, Never-married, Craft-repair, Other-relative, Black, Male,0,0,40, United-States +<=50K,34, Private,60567, 11th,7, Divorced, Transport-moving, Unmarried, White, Male,0,880,60, United-States +<=50K,71, Private,138145, 9th,5, Married-civ-spouse, Other-service, Husband, White, Male,0,0,40, United-States +<=50K,35, Local-gov,79649, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,50, United-States +<=50K,47, Private,312088, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,50, Private,208630, Masters,14, Divorced, Sales, Not-in-family, White, Female,0,0,50, United-States +<=50K,33, Private,182401, 10th,6, Never-married, Adm-clerical, Not-in-family, Black, Male,0,0,40, United-States +>50K,38, Private,32916, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,55, United-States +<=50K,50, Private,302372, Bachelors,13, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,40, United-States +<=50K,45, Private,155093, 10th,6, Divorced, Other-service, Not-in-family, Black, Female,0,0,38, Dominican-Republic +<=50K,32, Private,192965, HS-grad,9, Separated, Sales, Not-in-family, White, Female,0,0,45, United-States +>50K,39, Private,107302, HS-grad,9, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,45, ? +<=50K,25, Local-gov,514716, Bachelors,13, Never-married, Adm-clerical, Own-child, Black, Female,0,0,40, United-States +<=50K,20, Private,270436, HS-grad,9, Never-married, Machine-op-inspct, Own-child, White, Male,0,0,40, United-States +>50K,46, Private,42972, Masters,14, Married-civ-spouse, Prof-specialty, Wife, White, Female,0,0,22, United-States +<=50K,40, Private,142657, Assoc-voc,11, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,45, United-States +<=50K,66, Federal-gov,47358, 10th,6, Married-civ-spouse, Craft-repair, Husband, White, Male,3471,0,40, United-States +<=50K,30, Private,176175, Assoc-voc,11, Divorced, Adm-clerical, Unmarried, White, Female,0,0,24, United-States +<=50K,36, Private,131459, 7th-8th,4, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,40, United-States +>50K,57, Local-gov,110417, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, White, Male,99999,0,40, United-States +>50K,46, Private,364548, Some-college,10, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,48, United-States +<=50K,27, Private,177398, HS-grad,9, Never-married, Other-service, Unmarried, White, Female,0,0,64, United-States +<=50K,33, Private,273243, HS-grad,9, Married-civ-spouse, Craft-repair, Husband, Black, Male,0,0,40, United-States +<=50K,58, Private,147707, 11th,7, Married-civ-spouse, Sales, Husband, White, Male,0,0,40, United-States +<=50K,30, Private,77266, HS-grad,9, Divorced, Transport-moving, Not-in-family, White, Male,0,0,55, United-States +<=50K,26, Private,191648, Assoc-acdm,12, Never-married, Machine-op-inspct, Other-relative, White, Female,0,0,15, United-States +<=50K,81, ?,120478, Assoc-voc,11, Divorced, ?, Unmarried, White, Female,0,0,1, ? +<=50K,32, Private,211349, 10th,6, Married-civ-spouse, Transport-moving, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,203715, Some-college,10, Never-married, Adm-clerical, Own-child, White, Male,0,0,40, United-States +<=50K,31, Private,292592, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Wife, White, Female,0,0,40, United-States +<=50K,29, Private,125976, HS-grad,9, Separated, Sales, Unmarried, White, Female,0,0,35, United-States +>50K,35, ?,320084, Bachelors,13, Married-civ-spouse, ?, Wife, White, Female,0,0,55, United-States +<=50K,30, ?,33811, Bachelors,13, Never-married, ?, Not-in-family, Asian-Pac-Islander, Female,0,0,99, United-States +>50K,34, Private,204461, Doctorate,16, Married-civ-spouse, Prof-specialty, Husband, White, Male,0,0,60, United-States +>50K,54, Private,337992, Bachelors,13, Married-civ-spouse, Exec-managerial, Husband, Asian-Pac-Islander, Male,0,0,50, Japan +<=50K,37, Private,179137, Some-college,10, Divorced, Adm-clerical, Unmarried, White, Female,0,0,39, United-States +<=50K,22, Private,325033, 12th,8, Never-married, Protective-serv, Own-child, Black, Male,0,0,35, United-States +>50K,34, Private,160216, Bachelors,13, Never-married, Exec-managerial, Not-in-family, White, Female,0,0,55, United-States +<=50K,30, Private,345898, HS-grad,9, Never-married, Craft-repair, Not-in-family, Black, Male,0,0,46, United-States +>50K,38, Private,139180, Bachelors,13, Divorced, Prof-specialty, Unmarried, Black, Female,15020,0,45, United-States +>50K,71, ?,287372, Doctorate,16, Married-civ-spouse, ?, Husband, White, Male,0,0,10, United-States +<=50K,45, State-gov,252208, HS-grad,9, Separated, Adm-clerical, Own-child, White, Female,0,0,40, United-States +<=50K,41, ?,202822, HS-grad,9, Separated, ?, Not-in-family, Black, Female,0,0,32, United-States +<=50K,72, ?,129912, HS-grad,9, Married-civ-spouse, ?, Husband, White, Male,0,0,25, United-States +<=50K,45, Local-gov,119199, Assoc-acdm,12, Divorced, Prof-specialty, Unmarried, White, Female,0,0,48, United-States +<=50K,31, Private,199655, Masters,14, Divorced, Other-service, Not-in-family, Other, Female,0,0,30, United-States +>50K,39, Local-gov,111499, Assoc-acdm,12, Married-civ-spouse, Adm-clerical, Wife, White, Female,0,0,20, United-States +<=50K,37, Private,198216, Assoc-acdm,12, Divorced, Tech-support, Not-in-family, White, Female,0,0,40, United-States +<=50K,43, Private,260761, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, Mexico +<=50K,65, Self-emp-not-inc,99359, Prof-school,15, Never-married, Prof-specialty, Not-in-family, White, Male,1086,0,60, United-States +<=50K,43, State-gov,255835, Some-college,10, Divorced, Adm-clerical, Other-relative, White, Female,0,0,40, United-States +<=50K,43, Self-emp-not-inc,27242, Some-college,10, Married-civ-spouse, Craft-repair, Husband, White, Male,0,0,50, United-States +<=50K,32, Private,34066, 10th,6, Married-civ-spouse, Handlers-cleaners, Husband, Amer-Indian-Eskimo, Male,0,0,40, United-States +<=50K,43, Private,84661, Assoc-voc,11, Married-civ-spouse, Sales, Husband, White, Male,0,0,45, United-States +<=50K,32, Private,116138, Masters,14, Never-married, Tech-support, Not-in-family, Asian-Pac-Islander, Male,0,0,11, Taiwan +>50K,53, Private,321865, Masters,14, Married-civ-spouse, Exec-managerial, Husband, White, Male,0,0,40, United-States +<=50K,22, Private,310152, Some-college,10, Never-married, Protective-serv, Not-in-family, White, Male,0,0,40, United-States +<=50K,27, Private,257302, Assoc-acdm,12, Married-civ-spouse, Tech-support, Wife, White, Female,0,0,38, United-States +>50K,40, Private,154374, HS-grad,9, Married-civ-spouse, Machine-op-inspct, Husband, White, Male,0,0,40, United-States +<=50K,58, Private,151910, HS-grad,9, Widowed, Adm-clerical, Unmarried, White, Female,0,0,40, United-States +<=50K,22, Private,201490, HS-grad,9, Never-married, Adm-clerical, Own-child, White, Male,0,0,20, United-States +>50K,52, Self-emp-inc,287927, HS-grad,9, Married-civ-spouse, Exec-managerial, Wife, White, Female,15024,0,40, United-States diff --git a/notebooks/responsibleaidashboard/apartments-train.csv b/notebooks/responsibleaidashboard/apartments-train.csv new file mode 100644 index 0000000000..69f23cd048 --- /dev/null +++ b/notebooks/responsibleaidashboard/apartments-train.csv @@ -0,0 +1,1461 @@ +LotFrontage,LotArea,OverallQual,OverallCond,YearBuilt,YearRemodAdd,BsmtUnfSF,TotalBsmtSF,Ce0tralAir,1stFlrSF,2ndFlrSF,LowQualFinSF,GrLivArea,BsmtFullBath,BsmtHalfBath,FullBath,HalfBath,BedroomAbvGr,KitchenAbvGr,TotRmsAbvGrd,Fireplaces,GarageYrBlt,GarageCars,GarageArea,PavedDrive,WoodDeckSF,OpenPorchSF,EnclosedPorch,3SsnPorch,ScreenPorch,PoolArea,YrSold,SalePrice,SalePriceK,Sold_HigherThan_Median +65,8450,7,5,2003,2003,150,856,1,856,854,0,1710,1,0,2,1,3,1,8,0,2003,2,548,1,0,61,0,0,0,0,2008,208500,208.5,More than median +80,9600,6,8,1976,1976,284,1262,1,1262,0,0,1262,0,1,2,0,3,1,6,1,1976,2,460,1,298,0,0,0,0,0,2007,181500,181.5,More than median +68,11250,7,5,2001,2002,434,920,1,920,866,0,1786,1,0,2,1,3,1,6,1,2001,2,608,1,0,42,0,0,0,0,2008,223500,223.5,More than median +60,9550,7,5,1915,1970,540,756,1,961,756,0,1717,1,0,1,0,3,1,7,1,1998,3,642,1,0,35,272,0,0,0,2006,140000,140,Less than median +84,14260,8,5,2000,2000,490,1145,1,1145,1053,0,2198,1,0,2,1,4,1,9,1,2000,3,836,1,192,84,0,0,0,0,2008,250000,250,More than median +85,14115,5,5,1993,1995,64,796,1,796,566,0,1362,1,0,1,1,1,1,5,0,1993,2,480,1,40,30,0,320,0,0,2009,143000,143,Less than median +75,10084,8,5,2004,2005,317,1686,1,1694,0,0,1694,1,0,2,0,3,1,7,1,2004,2,636,1,255,57,0,0,0,0,2007,307000,307,More than median +-1,10382,7,6,1973,1973,216,1107,1,1107,983,0,2090,1,0,2,1,3,1,7,2,1973,2,484,1,235,204,228,0,0,0,2009,200000,200,More than median +51,6120,7,5,1931,1950,952,952,1,1022,752,0,1774,0,0,2,0,2,2,8,2,1931,2,468,1,90,0,205,0,0,0,2008,129900,129.9,Less than median +50,7420,5,6,1939,1950,140,991,1,1077,0,0,1077,1,0,1,0,2,2,5,2,1939,1,205,1,0,4,0,0,0,0,2008,118000,118,Less than median +70,11200,5,5,1965,1965,134,1040,1,1040,0,0,1040,1,0,1,0,3,1,5,0,1965,1,384,1,0,0,0,0,0,0,2008,129500,129.5,Less than median +85,11924,9,5,2005,2006,177,1175,1,1182,1142,0,2324,1,0,3,0,4,1,11,2,2005,3,736,1,147,21,0,0,0,0,2006,345000,345,More than median +-1,12968,5,6,1962,1962,175,912,1,912,0,0,912,1,0,1,0,2,1,4,0,1962,1,352,1,140,0,0,0,176,0,2008,144000,144,Less than median +91,10652,7,5,2006,2007,1494,1494,1,1494,0,0,1494,0,0,2,0,3,1,7,1,2006,3,840,1,160,33,0,0,0,0,2007,279500,279.5,More than median +-1,10920,6,5,1960,1960,520,1253,1,1253,0,0,1253,1,0,1,1,2,1,5,1,1960,1,352,1,0,213,176,0,0,0,2008,157000,157,Less than median +51,6120,7,8,1929,2001,832,832,1,854,0,0,854,0,0,1,0,2,1,5,0,1991,2,576,1,48,112,0,0,0,0,2007,132000,132,Less than median +-1,11241,6,7,1970,1970,426,1004,1,1004,0,0,1004,1,0,1,0,2,1,5,1,1970,2,480,1,0,0,0,0,0,0,2010,149000,149,Less than median +72,10791,4,5,1967,1967,0,0,1,1296,0,0,1296,0,0,2,0,2,2,6,0,1967,2,516,1,0,0,0,0,0,0,2006,90000,90,Less than median +66,13695,5,5,2004,2004,468,1114,1,1114,0,0,1114,1,0,1,1,3,1,6,0,2004,2,576,1,0,102,0,0,0,0,2008,159000,159,Less than median +70,7560,5,6,1958,1965,525,1029,1,1339,0,0,1339,0,0,1,0,3,1,6,0,1958,1,294,1,0,0,0,0,0,0,2009,139000,139,Less than median +101,14215,8,5,2005,2006,1158,1158,1,1158,1218,0,2376,0,0,3,1,4,1,9,1,2005,3,853,1,240,154,0,0,0,0,2006,325300,325.3,More than median +57,7449,7,7,1930,1950,637,637,1,1108,0,0,1108,0,0,1,0,3,1,6,1,1930,1,280,0,0,0,205,0,0,0,2007,139400,139.4,Less than median +75,9742,8,5,2002,2002,1777,1777,1,1795,0,0,1795,0,0,2,0,3,1,7,1,2002,2,534,1,171,159,0,0,0,0,2008,230000,230,More than median +44,4224,5,7,1976,1976,200,1040,1,1060,0,0,1060,1,0,1,0,3,1,6,1,1976,2,572,1,100,110,0,0,0,0,2007,129900,129.9,Less than median +-1,8246,5,8,1968,2001,204,1060,1,1060,0,0,1060,1,0,1,0,3,1,6,1,1968,1,270,1,406,90,0,0,0,0,2010,154000,154,Less than median +110,14230,8,5,2007,2007,1566,1566,1,1600,0,0,1600,0,0,2,0,3,1,7,1,2007,3,890,1,0,56,0,0,0,0,2009,256300,256.3,More than median +60,7200,5,7,1951,2000,180,900,1,900,0,0,900,0,1,1,0,3,1,5,0,2005,2,576,1,222,32,0,0,0,0,2010,134800,134.8,Less than median +98,11478,8,5,2007,2008,486,1704,1,1704,0,0,1704,1,0,2,0,3,1,7,1,2008,3,772,1,0,50,0,0,0,0,2010,306000,306,More than median +47,16321,5,6,1957,1997,207,1484,1,1600,0,0,1600,1,0,1,0,2,1,6,2,1957,1,319,1,288,258,0,0,0,0,2006,207500,207.5,More than median +60,6324,4,6,1927,1950,520,520,0,520,0,0,520,0,0,1,0,1,1,4,0,1920,1,240,1,49,0,87,0,0,0,2008,68500,68.5,Less than median +50,8500,4,4,1920,1950,649,649,0,649,668,0,1317,0,0,1,0,3,1,6,0,1920,1,250,0,0,54,172,0,0,0,2008,40000,40,Less than median +-1,8544,5,6,1966,2006,1228,1228,1,1228,0,0,1228,0,0,1,1,3,1,6,0,1966,1,271,1,0,65,0,0,0,0,2008,149350,149.35,Less than median +85,11049,8,5,2007,2007,1234,1234,1,1234,0,0,1234,0,0,2,0,3,1,7,0,2007,2,484,1,0,30,0,0,0,0,2008,179900,179.9,More than median +70,10552,5,5,1959,1959,380,1398,1,1700,0,0,1700,0,1,1,1,4,1,6,1,1959,2,447,1,0,38,0,0,0,0,2010,165500,165.5,More than median +60,7313,9,5,2005,2005,408,1561,1,1561,0,0,1561,1,0,2,0,2,1,6,1,2005,2,556,1,203,47,0,0,0,0,2007,277500,277.5,More than median +108,13418,8,5,2004,2005,1117,1117,1,1132,1320,0,2452,0,0,3,1,4,1,9,1,2004,3,691,1,113,32,0,0,0,0,2006,309000,309,More than median +112,10859,5,5,1994,1995,1097,1097,1,1097,0,0,1097,0,0,1,1,3,1,6,0,1995,2,672,1,392,64,0,0,0,0,2009,145000,145,Less than median +74,8532,5,6,1954,1990,84,1297,1,1297,0,0,1297,0,1,1,0,3,1,5,1,1954,2,498,1,0,0,0,0,0,0,2009,153000,153,Less than median +68,7922,5,7,1953,2007,326,1057,1,1057,0,0,1057,1,0,1,0,3,1,5,0,1953,1,246,1,0,52,0,0,0,0,2010,109000,109,Less than median +65,6040,4,5,1955,1955,0,0,0,1152,0,0,1152,0,0,2,0,2,2,6,0,0,0,0,0,0,0,0,0,0,0,2008,82000,82,Less than median +84,8658,6,5,1965,1965,445,1088,1,1324,0,0,1324,0,0,2,0,3,1,6,1,1965,2,440,1,0,138,0,0,0,0,2006,160000,160,Less than median +115,16905,5,6,1959,1959,383,1350,1,1328,0,0,1328,0,1,1,1,2,1,5,2,1959,1,308,1,0,104,0,0,0,0,2007,170000,170,More than median +-1,9180,5,7,1983,1983,0,840,1,884,0,0,884,1,0,1,0,2,1,5,0,1983,2,504,1,240,0,0,0,0,0,2007,144000,144,Less than median +-1,9200,5,6,1975,1980,167,938,1,938,0,0,938,1,0,1,0,3,1,5,0,1977,1,308,1,145,0,0,0,0,0,2008,130250,130.25,Less than median +70,7945,5,6,1959,1959,465,1150,1,1150,0,0,1150,1,0,1,0,3,1,6,0,1959,1,300,1,0,0,0,0,0,0,2006,141000,141,Less than median +61,7658,9,5,2005,2005,1296,1752,1,1752,0,0,1752,1,0,2,0,2,1,6,1,2005,2,576,1,196,82,0,0,0,0,2010,319900,319.9,More than median +48,12822,7,5,2003,2003,83,1434,1,1518,631,0,2149,1,0,1,1,1,1,6,1,2003,2,670,1,168,43,0,0,198,0,2009,239686,239.69,More than median +84,11096,8,5,2006,2006,1632,1656,1,1656,0,0,1656,0,0,2,0,3,1,7,0,2006,3,826,1,0,146,0,0,0,0,2007,249700,249.7,More than median +33,4456,4,5,1920,2008,736,736,1,736,716,0,1452,0,0,2,0,2,3,8,0,0,0,0,0,0,0,102,0,0,0,2009,113000,113,Less than median +66,7742,5,7,1966,1966,192,955,1,955,0,0,955,1,0,1,0,3,1,6,0,1966,1,386,1,0,0,0,0,0,0,2007,127000,127,Less than median +-1,13869,6,6,1997,1997,612,794,1,794,676,0,1470,0,1,2,0,3,1,6,0,1997,2,388,1,0,75,0,0,0,0,2007,177000,177,More than median +52,6240,6,6,1934,1950,816,816,1,816,0,360,1176,0,0,1,0,3,1,6,1,1985,2,528,1,112,0,0,0,0,0,2006,114500,114.5,Less than median +110,8472,5,5,1963,1963,0,816,0,816,0,0,816,1,0,1,0,2,1,5,0,1963,2,516,1,106,0,0,0,0,0,2010,110000,110,Less than median +68,50271,9,5,1981,1987,32,1842,1,1842,0,0,1842,2,0,0,1,0,1,5,1,1981,3,894,1,857,72,0,0,0,0,2006,385000,385,More than median +60,7134,5,5,1955,1955,0,384,1,1360,0,0,1360,0,0,1,0,3,1,6,1,1962,2,572,1,0,50,0,0,0,0,2007,130000,130,Less than median +100,10175,6,5,1964,1964,935,1425,1,1425,0,0,1425,0,0,2,0,3,1,7,1,1964,2,576,1,0,0,0,407,0,0,2008,180500,180.5,More than median +24,2645,8,5,1999,2000,321,970,1,983,756,0,1739,1,0,2,1,3,1,7,0,1999,2,480,1,115,0,0,0,0,0,2009,172500,172.5,More than median +89,11645,7,5,2004,2004,860,860,1,860,860,0,1720,0,0,2,1,3,1,7,0,2004,2,565,1,0,70,0,0,0,0,2006,196500,196.5,More than median +66,13682,10,5,2006,2006,1410,1410,1,1426,1519,0,2945,0,0,3,1,3,1,10,1,2006,3,641,1,192,0,37,0,0,0,2006,438780,438.78,More than median +60,7200,5,7,1972,1972,148,780,1,780,0,0,780,0,0,1,0,2,1,4,0,1973,1,352,1,196,0,0,0,0,0,2008,124900,124.9,Less than median +63,13072,6,5,2004,2004,217,1158,1,1158,0,0,1158,1,0,1,1,3,1,5,0,2006,2,576,1,0,50,0,0,0,0,2006,158000,158,Less than median +60,7200,5,7,1920,1996,530,530,0,581,530,0,1111,0,0,1,0,3,1,6,0,1935,1,288,0,0,0,144,0,0,0,2007,101000,101,Less than median +44,6442,8,5,2006,2006,1346,1370,1,1370,0,0,1370,0,0,2,0,2,1,6,1,2006,2,484,1,120,49,0,0,0,0,2007,202500,202.5,More than median +50,10300,7,6,1921,1950,576,576,1,902,808,0,1710,0,0,2,0,3,1,9,0,1990,2,480,1,12,11,64,0,0,0,2010,140000,140,Less than median +-1,9375,7,5,1997,1998,318,1057,1,1057,977,0,2034,1,0,2,1,3,1,8,0,1998,2,645,1,576,36,0,0,0,0,2009,219500,219.5,More than median +76,9591,8,5,2004,2005,1143,1143,1,1143,1330,0,2473,0,0,2,1,4,1,9,1,2004,3,852,1,192,151,0,0,0,0,2007,317000,317,More than median +-1,19900,7,5,1970,1989,1035,1947,1,2207,0,0,2207,1,0,2,0,3,1,7,1,1970,2,576,1,301,0,0,0,0,0,2010,180000,180,More than median +72,10665,7,5,2003,2003,440,1453,1,1479,0,0,1479,1,0,2,0,3,1,7,0,2003,2,558,1,144,29,0,0,0,0,2007,226000,226,More than median +47,4608,4,6,1945,1950,747,747,1,747,0,0,747,0,0,1,0,2,1,4,0,1945,1,220,1,0,0,0,0,0,0,2010,80000,80,Less than median +81,15593,7,4,1953,1953,701,1304,1,1304,983,0,2287,0,0,2,0,3,1,7,1,1953,2,667,1,0,21,114,0,0,0,2006,225000,225,More than median +95,13651,7,6,1973,1973,343,2223,1,2223,0,0,2223,1,0,2,0,3,1,8,2,1973,2,516,1,300,0,0,0,0,0,2007,244000,244,More than median +69,7599,4,6,1982,2006,280,845,1,845,0,0,845,1,0,1,0,2,1,4,0,1987,2,360,1,0,0,0,0,0,0,2007,129500,129.5,Less than median +74,10141,7,5,1998,1998,832,832,1,885,833,0,1718,0,0,2,1,3,1,7,1,1998,2,427,1,0,94,0,0,291,0,2009,185000,185,More than median +85,10200,5,7,1954,2003,404,1086,1,1086,0,0,1086,1,0,1,0,3,1,6,0,1989,2,490,1,0,0,0,0,0,0,2010,144900,144.9,Less than median +60,5790,3,6,1915,1950,840,840,0,840,765,0,1605,0,0,2,0,3,2,8,0,1915,1,379,1,0,0,202,0,0,0,2010,107400,107.4,Less than median +21,1596,4,5,1973,1973,0,462,1,526,462,0,988,1,0,1,0,2,1,5,0,1973,1,297,1,120,101,0,0,0,0,2009,91000,91,Less than median +-1,8475,4,7,1956,1956,724,952,1,952,0,0,952,0,0,1,0,2,1,4,0,1956,1,283,1,0,0,0,0,0,0,2008,135750,135.75,Less than median +50,8635,5,5,1948,2001,295,672,1,1072,213,0,1285,1,0,1,0,2,1,6,0,1948,1,240,1,0,0,0,0,0,0,2008,127000,127,Less than median +72,10778,4,5,1968,1968,1768,1768,0,1768,0,0,1768,0,0,2,0,4,2,8,0,0,0,0,1,0,0,0,0,0,0,2010,136500,136.5,Less than median +60,10440,5,6,1910,1981,440,440,1,682,548,0,1230,0,0,1,1,2,1,5,0,1966,2,440,1,74,0,128,0,0,0,2009,110000,110,Less than median +100,13000,6,6,1968,1968,448,896,1,1182,960,0,2142,0,0,2,1,4,1,8,1,1968,1,509,1,0,72,0,0,252,0,2009,193500,193.5,More than median +32,4500,6,5,1998,1998,36,1237,1,1337,0,0,1337,1,0,2,0,2,1,5,0,1998,2,405,1,0,199,0,0,0,0,2006,153500,153.5,Less than median +78,10206,8,5,2007,2007,1530,1563,1,1563,0,0,1563,0,0,2,0,3,1,6,1,2007,3,758,1,144,99,0,0,0,0,2008,245000,245,More than median +80,8892,5,5,1960,1960,1065,1065,1,1065,0,0,1065,0,0,1,1,3,1,6,0,1974,2,461,1,74,0,0,0,0,0,2007,126500,126.5,Less than median +-1,8530,7,5,1995,1996,384,384,1,804,670,0,1474,0,0,2,1,3,1,7,1,1995,2,400,1,120,72,0,0,0,0,2009,168500,168.5,More than median +121,16059,8,5,1991,1992,1288,1288,1,1301,1116,0,2417,0,0,2,1,4,1,9,1,1991,2,462,1,127,82,0,0,0,0,2006,260000,260,More than median +122,11911,6,5,2005,2005,684,684,1,684,876,0,1560,0,0,2,1,3,1,6,1,2005,2,400,1,100,38,0,0,0,0,2009,174000,174,More than median +40,3951,6,5,2009,2009,612,612,1,612,612,0,1224,0,0,2,1,2,1,4,0,2009,2,528,1,0,234,0,0,0,0,2009,164500,164.5,More than median +105,8470,3,2,1915,1982,1013,1013,0,1013,0,513,1526,0,0,1,0,2,1,6,0,0,0,0,0,0,0,156,0,0,0,2009,85000,85,Less than median +60,8070,4,5,1994,1995,402,990,1,990,0,0,990,1,0,1,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2007,123600,123.6,Less than median +60,7200,4,5,1950,1950,0,0,1,1040,0,0,1040,0,0,1,0,2,1,4,0,1950,2,420,1,0,29,0,0,0,0,2006,109900,109.9,Less than median +85,8500,5,3,1961,1961,635,1235,1,1235,0,0,1235,0,0,1,0,2,1,6,0,1961,2,480,1,0,0,0,0,0,0,2006,98600,98.6,Less than median +80,13360,5,7,1921,2006,163,876,1,964,0,0,964,1,0,1,0,2,1,5,0,1921,2,432,1,0,0,44,0,0,0,2009,163500,163.5,More than median +60,7200,6,6,1910,1998,168,1214,0,1260,1031,0,2291,0,1,2,0,4,2,9,1,1900,2,506,1,0,0,0,0,99,0,2007,133900,133.9,Less than median +69,9337,6,5,1997,1997,176,824,1,905,881,0,1786,1,0,2,1,3,1,7,0,1997,2,684,1,0,162,0,0,0,0,2007,204750,204.75,More than median +-1,9765,6,8,1993,1993,370,680,1,680,790,0,1470,0,0,2,1,3,1,6,1,1993,2,420,1,232,63,0,0,0,0,2009,185000,185,More than median +78,10264,7,5,1999,1999,426,1588,1,1588,0,0,1588,0,0,2,0,3,1,6,0,1999,2,472,1,158,29,0,0,0,0,2006,214000,214,More than median +73,10921,4,5,1965,1965,440,960,1,960,0,0,960,1,0,1,0,3,1,6,0,1965,1,432,1,120,0,0,0,0,0,2007,94750,94.75,Less than median +85,10625,5,5,1920,1950,350,458,0,835,0,0,835,0,0,1,0,2,1,5,0,1920,1,366,1,0,0,77,0,0,0,2010,83000,83,Less than median +77,9320,4,5,1959,1959,381,950,1,1225,0,0,1225,1,0,1,1,3,1,6,0,0,0,0,1,352,0,0,0,0,0,2010,128950,128.95,Less than median +-1,10603,6,7,1977,2001,410,1610,1,1610,0,0,1610,1,0,2,0,3,1,6,2,1977,2,480,1,168,68,0,0,0,0,2010,205000,205,More than median +77,9206,6,5,1985,1985,741,741,1,977,755,0,1732,0,0,2,1,3,1,7,1,1985,2,476,1,192,46,0,0,0,0,2010,178000,178,More than median +64,7018,5,5,1979,1979,0,0,1,1535,0,0,1535,0,0,2,0,4,2,8,0,1979,2,410,1,0,0,0,0,0,0,2009,118964,118.96,Less than median +94,10402,7,5,2009,2009,1226,1226,1,1226,0,0,1226,0,0,2,0,3,1,6,0,2009,3,740,1,0,36,0,0,0,0,2010,198900,198.9,More than median +-1,7758,7,4,1931,1950,816,1040,1,1226,592,0,1818,0,0,1,1,4,1,7,2,1951,1,240,1,0,0,0,0,184,0,2007,169500,169.5,More than median +75,9375,8,5,2003,2004,1053,1053,1,1053,939,0,1992,0,0,2,1,3,1,9,1,2003,2,648,1,140,45,0,0,0,0,2008,250000,250,More than median +60,10800,4,7,1885,1995,641,641,1,1047,0,0,1047,0,0,1,0,2,1,6,0,1954,1,273,0,0,0,0,0,0,0,2007,100000,100,Less than median +50,6000,5,5,1948,1950,516,789,1,789,0,0,789,0,0,1,0,2,1,5,0,1948,1,250,1,0,0,0,0,0,0,2008,115000,115,Less than median +85,8500,5,7,1919,2005,793,793,0,997,520,0,1517,0,0,2,0,3,1,7,0,0,0,0,0,0,0,144,0,0,0,2007,115000,115,Less than median +105,11751,6,6,1977,1977,1139,1844,1,1844,0,0,1844,0,0,2,0,3,1,7,1,1977,2,546,1,0,122,0,0,0,0,2010,190000,190,More than median +75,9525,6,4,1954,1972,550,994,1,1216,639,0,1855,0,0,2,0,4,1,7,0,1954,1,325,1,182,0,0,0,0,0,2006,136900,136.9,Less than median +-1,7750,7,5,2000,2000,134,384,1,774,656,0,1430,0,0,2,1,3,1,7,1,2000,2,400,1,180,0,0,0,0,0,2010,180000,180,More than median +77,9965,7,5,2007,2007,280,1264,1,1282,1414,0,2696,1,0,2,1,4,1,10,1,2007,3,792,1,120,184,0,0,168,0,2007,383970,383.97,More than median +-1,21000,6,5,1953,1953,905,1809,1,2259,0,0,2259,1,0,2,0,3,1,7,2,1953,2,450,1,166,120,192,0,0,0,2007,217000,217,More than median +61,7259,6,8,1945,2002,104,1028,1,1436,884,0,2320,1,0,2,1,3,1,9,1,1945,1,180,1,224,0,0,0,0,0,2007,259500,259.5,More than median +34,3230,6,5,1999,1999,310,729,1,729,729,0,1458,0,0,2,1,2,1,5,1,1999,2,440,1,0,32,0,0,0,0,2007,176000,176,More than median +-1,11616,5,5,1962,1962,252,1092,1,1092,0,0,1092,0,1,1,0,3,1,6,1,1962,1,288,1,0,20,144,0,0,0,2009,139000,139,Less than median +74,8536,5,5,2006,2007,1125,1125,1,1125,0,0,1125,0,0,1,1,2,1,5,0,2007,2,430,1,80,64,0,0,0,0,2007,155000,155,Less than median +90,12376,7,5,1990,1990,203,1673,1,1699,1523,0,3222,1,0,3,0,5,1,11,2,1990,3,594,1,367,0,0,0,0,0,2010,320000,320,More than median +65,8461,6,5,2005,2006,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,1,2005,2,390,1,0,24,0,0,0,0,2006,163990,163.99,More than median +-1,21453,6,5,1969,1969,0,938,1,988,0,0,988,1,0,1,0,1,1,4,2,1969,2,540,1,0,130,0,130,0,0,2006,180000,180,More than median +50,6060,4,5,1939,1950,732,732,1,772,351,0,1123,0,0,1,0,3,1,4,0,1979,1,264,1,0,0,140,0,0,0,2007,100000,100,Less than median +75,9464,6,7,1958,1958,510,1080,1,1080,0,0,1080,0,0,1,0,3,1,5,0,1958,1,288,1,0,0,0,0,130,0,2008,136000,136,Less than median +55,7892,6,5,1993,1993,899,1199,1,1199,0,0,1199,0,0,2,0,2,1,5,0,1993,2,530,1,0,63,0,0,0,0,2008,153900,153.9,Less than median +48,17043,6,5,1979,1998,1362,1362,1,1586,0,0,1586,0,0,2,0,3,1,7,1,1979,2,435,1,192,0,0,0,0,0,2009,181000,181,More than median +60,6780,6,8,1935,1982,30,520,0,520,0,234,754,1,0,1,0,2,1,5,0,0,0,0,0,53,0,0,0,0,0,2006,84500,84.5,Less than median +-1,4928,6,5,1976,1976,958,1078,1,958,0,0,958,0,0,2,0,2,1,5,1,1977,2,440,1,0,205,0,0,0,0,2007,128000,128,Less than median +55,4388,5,7,1930,1950,556,672,1,840,0,0,840,0,0,1,0,3,1,5,1,0,0,0,0,0,0,0,0,0,0,2007,87000,87,Less than median +69,7590,6,5,1966,1966,148,660,1,660,688,0,1348,0,0,1,1,3,1,6,1,1966,2,453,1,188,108,0,0,0,0,2006,155000,155,Less than median +69,8973,5,7,1958,1991,413,1008,1,1053,0,0,1053,0,1,1,1,3,1,6,0,1998,2,750,1,0,80,0,180,0,0,2006,150000,150,Less than median +88,14200,7,6,1966,1966,479,924,1,1216,941,0,2157,0,0,2,1,4,1,8,2,1966,2,487,1,105,66,0,0,0,0,2006,226000,226,More than median +-1,12224,6,5,2000,2000,297,992,1,1022,1032,0,2054,1,0,2,1,3,1,7,1,2000,2,390,1,24,48,0,0,0,0,2009,244000,244,More than median +75,7388,5,6,1959,2002,658,1063,1,1327,0,0,1327,1,0,1,0,3,1,7,0,1974,2,624,1,0,0,0,0,0,0,2007,150750,150.75,Less than median +-1,6853,8,5,2001,2002,262,1267,1,1296,0,0,1296,1,0,2,0,2,1,6,0,2001,2,471,1,192,25,0,0,0,0,2009,220000,220,More than median +78,10335,5,6,1968,1993,891,1461,1,1721,0,0,1721,0,0,2,1,3,1,7,1,1968,2,440,1,0,96,180,0,0,0,2006,180000,180,More than median +80,10400,7,6,1970,1970,1304,1304,1,1682,0,0,1682,0,0,2,0,3,1,7,1,1970,2,530,1,98,0,0,0,0,0,2008,174000,174,More than median +-1,10355,5,5,1967,1967,519,1214,1,1214,0,0,1214,0,0,2,0,3,1,5,1,1967,1,318,1,0,111,0,0,0,0,2007,143000,143,Less than median +82,11070,7,5,1988,1989,1907,1907,1,1959,0,0,1959,0,0,3,0,5,2,9,0,1989,3,766,1,0,0,0,0,0,0,2006,171000,171,More than median +73,9066,8,5,1999,2000,336,1004,1,1004,848,0,1852,0,0,2,1,3,1,7,2,1999,3,660,1,224,106,0,0,0,0,2008,230000,230,More than median +65,15426,6,5,1997,1997,107,928,1,928,836,0,1764,1,0,2,1,3,1,7,0,1997,2,470,1,276,99,0,0,0,0,2009,231500,231.5,More than median +70,10500,4,5,1971,1971,432,864,1,864,0,0,864,0,0,1,0,3,1,5,1,0,0,0,1,0,0,0,0,0,0,2010,115000,115,Less than median +78,11645,7,5,2005,2005,434,1734,1,1734,0,0,1734,1,0,2,0,3,1,7,0,2005,2,660,1,160,24,0,0,0,0,2006,260000,260,More than median +71,8520,5,4,1952,1952,403,910,1,910,475,0,1385,0,0,2,0,4,1,6,0,2000,2,720,1,0,0,0,0,0,0,2010,166000,166,More than median +78,10335,7,5,1999,1999,811,1490,1,1501,0,0,1501,1,0,2,0,3,1,6,0,1999,2,577,1,144,29,0,0,0,0,2009,204000,204,More than median +70,9100,5,5,1963,1963,396,1728,1,1728,0,0,1728,1,0,2,0,6,2,10,0,1963,2,504,1,0,0,0,0,0,0,2006,125000,125,Less than median +24,2522,6,5,2004,2006,970,970,1,970,739,0,1709,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,130000,130,Less than median +51,6120,5,7,1931,1993,506,715,1,875,0,0,875,1,0,1,0,2,1,5,0,1931,1,180,1,48,0,0,0,0,0,2009,105000,105,Less than median +-1,9505,7,5,2001,2001,884,884,1,884,1151,0,2035,0,0,2,1,3,1,8,1,2001,2,434,1,144,48,0,0,0,0,2010,222500,222.5,More than median +63,7500,7,5,2004,2005,400,1080,1,1080,0,0,1080,1,0,1,0,3,1,6,0,0,0,0,1,0,0,0,0,0,0,2008,141000,141,Less than median +-1,6240,5,4,1936,1950,896,896,1,896,448,0,1344,0,0,1,0,3,1,7,0,1936,1,240,1,200,114,0,0,0,0,2006,115000,115,Less than median +120,10356,5,6,1975,1975,253,969,1,969,0,0,969,0,0,1,1,3,1,5,0,1975,2,440,1,0,0,0,0,0,0,2007,122000,122,Less than median +107,13891,8,5,2007,2008,310,1710,1,1710,0,0,1710,1,0,2,0,2,1,6,1,2007,3,866,1,0,102,0,0,0,0,2008,372402,372.4,More than median +-1,14803,6,5,1971,1971,409,825,1,1097,896,0,1993,0,0,2,1,4,1,8,1,1971,2,495,1,0,66,0,0,0,0,2006,190000,190,More than median +-1,13500,6,7,1960,1975,93,1602,1,1252,0,0,1252,1,0,1,0,1,1,4,1,1960,2,564,1,409,0,0,0,0,0,2008,235000,235,More than median +84,11340,6,5,1923,1950,1200,1200,1,1200,0,0,1200,0,0,1,0,4,1,7,0,1923,1,312,1,0,0,228,0,0,0,2006,125000,125,Less than median +60,9600,6,5,1924,1950,572,572,0,572,524,0,1096,0,0,1,0,2,1,5,0,0,0,0,0,0,8,128,0,0,0,2008,79000,79,Less than median +60,7200,5,7,1950,1950,0,0,1,1040,0,0,1040,0,0,1,0,2,1,5,0,1950,2,625,1,0,0,0,0,0,0,2006,109500,109.5,Less than median +92,12003,8,5,2009,2010,774,774,1,774,1194,0,1968,0,0,2,1,4,1,8,1,2009,3,680,1,0,75,0,0,0,0,2010,269500,269.5,More than median +100,12552,7,5,2004,2005,769,991,1,991,956,0,1947,0,0,2,1,3,1,8,1,2004,2,678,1,0,136,0,0,0,0,2010,254900,254.9,More than median +134,19378,7,5,2005,2006,1335,1392,1,1392,1070,0,2462,1,0,2,1,4,1,9,1,2006,2,576,1,239,132,0,168,0,0,2006,320000,320,More than median +-1,11120,6,6,1984,1984,572,1232,1,1232,0,0,1232,0,0,2,0,3,1,6,0,1984,2,516,1,0,0,0,0,0,0,2008,162500,162.5,Less than median +110,13688,9,5,2003,2004,556,1572,1,1572,1096,0,2668,1,0,2,1,3,1,10,2,2003,3,726,1,400,0,0,0,0,0,2008,412500,412.5,More than median +95,12182,7,5,2005,2005,340,1541,1,1541,0,0,1541,0,0,2,0,3,1,7,1,2005,2,532,1,0,70,0,0,0,0,2010,220000,220,More than median +55,5500,4,6,1956,1956,882,882,1,882,0,0,882,0,0,1,0,1,1,4,0,0,0,0,1,0,0,0,0,0,0,2007,103200,103.2,Less than median +40,5400,6,7,1926,2004,779,1149,1,1149,467,0,1616,0,0,2,0,3,1,5,0,1926,1,216,1,0,0,183,0,0,0,2007,152000,152,Less than median +62,10106,5,7,1940,1999,112,644,1,808,547,0,1355,1,0,2,0,4,2,6,0,0,0,0,1,140,0,0,0,0,0,2008,127500,127.5,Less than median +-1,10708,5,5,1955,1993,470,1617,1,1867,0,0,1867,1,0,1,0,2,1,7,3,1955,1,303,1,476,0,0,0,142,0,2009,190000,190,More than median +86,10562,8,5,2007,2007,294,1582,1,1610,551,0,2161,1,0,1,1,3,1,8,1,2007,3,789,1,178,120,0,0,0,0,2007,325624,325.62,More than median +62,8244,7,5,2004,2004,840,840,1,840,880,0,1720,0,0,2,1,3,1,7,1,2004,2,440,1,100,48,0,0,0,0,2007,183500,183.5,More than median +-1,16669,8,6,1981,1981,1686,1686,1,1707,0,0,1707,0,0,2,1,2,1,6,1,1981,2,511,1,574,64,0,0,0,0,2006,228000,228,More than median +-1,12358,5,6,1941,1950,360,720,1,854,0,528,1382,0,0,1,1,2,1,7,0,1991,2,660,1,237,0,0,0,0,0,2007,128500,128.5,Less than median +141,31770,6,5,1960,1960,441,1080,1,1656,0,0,1656,1,0,1,0,3,1,7,2,1960,2,528,1,210,62,0,0,0,0,2010,215000,215,More than median +44,5306,7,7,1987,1987,354,1064,1,1064,703,0,1767,1,0,2,0,2,1,5,1,1987,2,504,1,441,35,0,0,0,0,2006,239000,239,More than median +80,10197,6,5,1961,1961,700,1362,1,1362,0,0,1362,1,0,1,1,3,1,6,1,1961,2,504,1,0,20,0,0,0,0,2008,163000,163,Less than median +47,12416,6,5,1986,1986,0,1606,1,1651,0,0,1651,1,0,2,0,3,1,7,1,1986,2,616,1,192,0,0,0,0,0,2008,184000,184,More than median +84,12615,6,7,1950,2001,725,1202,1,2158,0,0,2158,1,0,2,0,4,1,7,1,1950,2,576,1,0,29,39,0,0,0,2007,243000,243,More than median +97,10029,6,5,1988,1989,320,1151,1,1164,896,0,2060,0,1,2,1,4,1,8,1,1988,2,521,1,0,228,0,0,192,0,2007,211000,211,More than median +-1,13650,5,5,1958,1958,554,1052,1,1252,668,0,1920,1,0,2,0,4,1,8,1,1958,2,451,1,0,0,0,0,0,0,2006,172500,172.5,More than median +63,17423,9,5,2008,2009,312,2216,1,2234,0,0,2234,1,0,2,0,1,1,9,1,2009,3,1166,1,0,60,0,0,0,0,2009,501837,501.84,More than median +60,8520,5,6,1923,2006,968,968,1,968,0,0,968,0,0,1,0,2,1,5,0,1935,2,480,0,0,0,184,0,0,0,2007,100000,100,Less than median +-1,2117,6,5,2000,2000,320,756,1,769,756,0,1525,0,0,2,1,3,1,5,1,2000,2,440,1,0,0,0,0,0,0,2007,177000,177,More than median +54,7588,7,6,1920,1950,441,793,1,901,901,0,1802,0,0,1,1,4,1,9,1,1920,1,216,1,0,0,40,0,0,0,2006,200100,200.1,More than median +60,9060,5,6,1957,2006,0,0,1,1340,0,0,1340,0,0,1,0,3,1,7,1,1957,1,252,1,116,0,0,180,0,0,2007,120000,120,Less than median +63,11426,7,5,2003,2003,1362,1362,1,1362,720,0,2082,0,0,2,1,3,1,6,0,2003,2,484,0,280,238,0,0,0,0,2008,200000,200,More than median +92,7438,5,8,1908,1991,504,504,1,936,316,0,1252,0,0,1,0,3,1,5,0,1986,2,576,1,104,0,0,0,0,0,2006,127000,127,Less than median +90,22950,10,9,1892,1993,1107,1107,1,1518,1518,572,3608,0,0,2,1,4,1,12,2,1993,3,840,1,0,260,0,0,410,0,2006,475000,475,More than median +-1,9947,7,5,1990,1991,577,1188,1,1217,0,0,1217,1,0,2,0,3,1,6,0,1990,2,497,1,168,27,0,0,0,0,2009,173000,173,More than median +60,10410,5,7,1916,1987,660,660,1,808,704,144,1656,0,0,2,1,3,1,8,0,1916,1,180,0,0,0,0,140,0,0,2009,135000,135,Less than median +64,7018,5,5,1979,1979,0,1086,1,1224,0,0,1224,2,0,0,2,2,2,6,2,1979,2,528,1,120,0,0,0,0,0,2009,153337,153.34,Less than median +41,4923,8,5,2001,2002,440,1593,1,1593,0,0,1593,1,0,1,1,0,1,5,1,2001,2,682,1,0,120,0,0,224,0,2008,286000,286,More than median +70,10570,8,8,1932,1994,556,853,1,1549,1178,0,2727,0,0,2,1,3,1,10,2,1932,2,440,1,0,74,0,0,0,0,2007,315000,315,More than median +-1,7472,7,9,1972,2004,99,725,1,725,754,0,1479,1,0,1,1,4,1,7,0,1972,2,484,1,0,32,0,0,0,0,2007,184000,184,More than median +68,9017,7,5,1999,1999,871,1431,1,1431,0,0,1431,1,0,2,0,3,1,6,0,1999,2,666,1,0,35,0,0,0,0,2009,192000,192,More than median +24,2522,7,5,2004,2004,970,970,1,970,739,0,1709,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,130000,130,Less than median +60,7180,5,7,1972,1972,474,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1989,1,352,1,0,0,0,0,0,0,2008,127000,127,Less than median +24,2280,6,6,1976,1976,289,855,1,855,601,0,1456,0,0,2,1,3,1,7,1,1976,2,440,1,87,0,0,0,0,0,2009,148500,148.5,Less than median +79,9416,7,5,2007,2007,600,1726,1,1726,0,0,1726,1,0,2,0,3,1,8,1,2007,3,786,1,171,138,0,0,266,0,2007,311872,311.87,More than median +174,25419,8,4,1918,1990,140,1360,1,1360,1360,392,3112,1,1,2,0,4,1,8,1,1918,2,795,1,0,16,552,0,0,512,2006,235000,235,More than median +92,5520,6,6,1912,1950,755,755,1,929,929,371,2229,0,0,1,0,5,1,8,0,0,0,0,1,0,198,30,0,0,0,2009,104000,104,Less than median +76,9591,8,5,2004,2005,625,1713,1,1713,0,0,1713,1,0,2,0,3,1,7,1,2004,3,856,1,0,26,0,0,170,0,2009,274900,274.9,More than median +80,8546,4,5,2003,2004,1121,1121,1,1121,0,0,1121,0,0,2,0,2,1,5,0,2003,2,440,1,132,64,0,0,0,0,2010,140000,140,Less than median +75,10125,6,6,1977,1977,276,1196,1,1279,0,0,1279,0,1,2,0,3,1,6,2,1980,2,473,1,238,83,0,0,0,0,2008,171500,171.5,More than median +50,7000,6,6,1924,1950,0,617,1,865,445,0,1310,0,0,2,0,2,1,6,0,1924,1,398,1,0,0,126,0,0,0,2006,112000,112,Less than median +-1,4438,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,149,0,0,0,0,0,2008,149000,149,Less than median +50,3500,5,7,1947,1950,408,720,1,720,564,0,1284,0,0,1,1,2,1,5,0,1948,1,240,1,0,35,0,0,0,0,2009,110000,110,Less than median +99,11851,7,5,1990,1990,1424,1424,1,1442,0,0,1442,0,0,2,0,3,1,5,0,1990,2,500,1,0,34,0,508,0,0,2009,180500,180.5,More than median +40,13673,5,5,1962,1962,1140,1140,1,1696,0,0,1696,0,0,1,1,3,1,8,1,1962,1,349,1,0,30,0,0,0,0,2007,143900,143.9,Less than median +-1,12493,4,5,1960,1960,375,1100,1,1100,0,0,1100,1,0,1,0,3,1,6,1,1960,1,312,1,355,0,0,0,0,0,2008,141000,141,Less than median +-1,14364,7,5,1988,1989,92,1157,1,1180,882,0,2062,1,0,2,1,3,1,7,1,1988,2,454,1,60,55,0,0,154,0,2007,277000,277,More than median +75,8250,6,7,1964,1964,305,1092,1,1092,0,0,1092,1,0,1,0,3,1,6,0,1964,2,504,1,0,0,0,0,0,0,2008,145000,145,Less than median +67,5604,5,6,1925,1950,396,864,0,864,0,0,864,1,0,1,0,2,1,5,0,0,0,0,1,0,0,96,0,0,0,2008,98000,98,Less than median +83,10420,6,5,2009,2009,1176,1212,1,1212,0,0,1212,0,0,2,0,3,1,6,0,2009,2,460,1,100,22,0,0,0,0,2010,186000,186,More than median +72,8640,7,5,2009,2009,78,900,1,932,920,0,1852,1,0,2,1,3,1,7,1,2009,2,644,1,168,108,0,0,0,0,2009,252678,252.68,More than median +43,13568,5,5,1995,1995,274,990,1,990,0,0,990,0,1,1,0,3,1,5,0,1996,2,576,1,224,0,0,0,0,0,2006,156000,156,Less than median +-1,10900,6,7,1977,1977,311,689,1,689,703,0,1392,0,0,1,1,3,1,6,0,1977,1,299,1,0,36,0,0,0,0,2010,161750,161.75,Less than median +72,10011,5,6,1957,1996,710,1070,1,1236,0,0,1236,0,1,1,0,2,1,6,1,1957,1,447,1,0,0,0,0,0,0,2006,134450,134.45,Less than median +65,8450,7,5,2004,2004,490,1436,1,1436,0,0,1436,1,0,2,0,3,1,8,0,2004,2,484,1,139,98,0,0,0,0,2008,210000,210,More than median +57,9906,4,4,1925,1950,686,686,0,810,518,0,1328,0,0,1,0,3,1,8,0,1940,1,210,1,0,172,60,0,0,0,2006,107000,107,Less than median +-1,15660,7,9,1939,2006,457,798,1,1137,817,0,1954,0,1,1,1,3,1,8,2,1939,2,431,1,0,119,150,0,0,0,2008,311500,311.5,More than median +43,3010,7,5,2005,2006,1232,1248,1,1248,0,0,1248,0,0,2,0,2,1,5,0,2005,2,438,1,108,0,0,0,0,0,2006,167240,167.24,More than median +73,8990,7,5,2006,2006,1498,1498,1,1498,0,0,1498,0,0,2,0,2,1,5,0,2006,2,675,1,351,33,0,0,0,0,2006,204900,204.9,More than median +-1,8068,6,5,2002,2002,1010,1010,1,1010,1257,0,2267,0,0,2,1,4,1,8,1,2002,2,390,1,120,46,0,0,0,0,2009,200000,200,More than median +85,11475,6,6,1975,1975,163,713,1,811,741,0,1552,1,0,2,1,3,1,6,1,1975,2,434,1,209,208,0,0,0,0,2006,179900,179.9,More than median +70,10500,4,6,1971,1971,160,864,1,864,0,0,864,0,0,1,0,2,1,4,0,1989,2,576,1,216,0,0,0,0,0,2009,97000,97,Less than median +103,13472,10,5,2003,2003,2336,2392,1,2392,0,0,2392,0,0,2,0,3,1,8,1,2003,3,968,1,248,105,0,0,0,0,2009,386250,386.25,More than median +21,1680,5,5,1971,1971,630,630,1,630,672,0,1302,0,0,2,1,3,1,6,0,1991,1,280,1,0,0,0,0,0,0,2009,112000,112,Less than median +82,9950,7,5,1995,1995,638,1203,1,1214,1306,0,2520,0,0,2,1,4,1,9,1,1995,3,721,1,224,114,0,0,0,0,2007,290000,290,More than median +21,1869,6,6,1970,1970,162,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1987,1,280,1,0,0,0,0,0,0,2008,106000,106,Less than median +70,8521,5,5,1967,1967,70,912,1,912,0,0,912,0,0,1,0,3,1,5,1,1974,1,336,1,0,0,0,0,0,0,2010,125000,125,Less than median +43,3182,7,5,2005,2006,1357,1373,1,1555,0,0,1555,0,0,2,0,2,1,7,1,2005,2,430,1,143,20,0,0,0,0,2009,192500,192.5,More than median +73,8760,6,6,1959,1959,1194,1194,1,1194,0,0,1194,1,0,1,0,3,1,6,0,1959,1,312,1,0,0,120,0,0,0,2010,148000,148,Less than median +174,15138,8,5,1995,1996,773,1462,1,1490,1304,0,2794,1,0,2,1,4,1,9,1,1995,3,810,1,0,146,202,0,0,0,2009,403000,403,More than median +21,1680,6,5,1972,1972,483,483,1,483,504,0,987,0,0,1,1,2,1,5,1,1972,1,288,1,0,0,0,0,0,0,2006,94500,94.5,Less than median +75,10650,5,6,1976,1976,0,894,1,894,0,0,894,1,0,1,0,3,1,5,0,1976,1,308,1,365,0,0,0,0,0,2010,128200,128.2,Less than median +-1,7851,6,5,2002,2002,235,860,1,860,1100,0,1960,1,0,2,1,4,1,8,2,2002,2,440,1,288,48,0,0,0,0,2010,216500,216.5,More than median +21,1680,6,3,1971,1971,125,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1971,1,264,1,0,0,0,0,0,0,2008,89500,89.5,Less than median +65,8773,7,5,2004,2004,1390,1414,1,1414,0,0,1414,0,0,2,0,3,1,6,0,2004,2,494,1,132,105,0,0,0,0,2010,185500,185.5,More than median +-1,9453,7,7,1993,2003,594,996,1,1014,730,0,1744,0,0,2,1,3,1,7,0,1993,2,457,1,370,70,0,238,0,0,2010,194500,194.5,More than median +93,12030,8,5,2007,2007,1694,1694,1,1694,0,0,1694,0,0,2,0,3,1,7,0,2007,3,818,1,168,228,0,0,0,0,2007,318000,318,More than median +52,8741,6,4,1945,1950,641,735,1,798,689,0,1487,0,0,1,1,3,1,7,1,1949,1,220,1,0,140,0,0,0,0,2010,113000,113,Less than median +75,9000,8,5,2008,2008,488,1566,1,1566,0,0,1566,1,0,2,0,3,1,7,0,2008,2,750,1,144,168,0,0,0,0,2010,262500,262.5,More than median +40,3880,5,9,1945,1997,357,686,1,866,0,0,866,0,0,1,0,2,1,4,0,0,0,0,1,58,42,0,0,0,0,2007,110500,110.5,Less than median +63,5000,5,4,1900,1950,540,540,0,889,551,0,1440,0,0,1,0,3,1,6,0,1940,1,352,1,0,0,77,0,0,0,2006,79000,79,Less than median +75,10762,6,6,1980,1980,626,626,1,626,591,0,1217,0,0,1,1,3,1,6,1,1980,1,288,1,0,28,0,0,0,0,2009,120000,120,Less than median +-1,8880,7,5,1994,2002,253,948,1,1222,888,0,2110,1,0,2,1,3,1,8,2,1994,2,463,1,0,130,0,0,0,0,2010,205000,205,More than median +80,10400,7,5,1988,1988,916,1845,1,1872,0,0,1872,0,1,2,0,3,1,6,1,1988,2,604,1,197,39,0,0,0,0,2006,241500,241.5,More than median +69,9142,6,8,1910,1950,1020,1020,0,908,1020,0,1928,0,0,2,0,4,2,9,0,1910,1,440,1,0,60,112,0,0,0,2006,137000,137,Less than median +75,11310,6,5,1954,1954,1367,1367,1,1375,0,0,1375,0,0,1,0,2,1,5,1,1954,2,451,1,0,30,0,0,0,0,2006,140000,140,Less than median +72,11317,7,5,2003,2003,840,840,1,840,828,0,1668,0,0,2,1,3,1,8,0,2003,2,500,1,144,68,0,0,0,0,2007,180000,180,More than median +-1,159000,6,7,1958,2006,747,1444,1,1444,700,0,2144,0,1,2,0,4,1,7,2,1958,2,389,1,0,98,0,0,0,0,2007,277000,277,More than median +55,5350,3,2,1940,1966,728,728,1,1306,0,0,1306,0,0,1,0,3,1,6,0,0,0,0,1,263,0,0,0,0,0,2010,76500,76.5,Less than median +44,4750,8,5,2006,2007,0,1573,1,1625,0,0,1625,1,1,2,0,2,1,5,1,2006,2,538,1,123,0,0,0,153,0,2007,235000,235,More than median +65,8366,6,5,2004,2004,798,798,1,798,842,0,1640,0,0,2,1,3,1,6,0,2004,2,520,1,138,45,0,0,0,0,2008,173000,173,More than median +85,9350,6,7,1964,1991,452,1302,1,1302,0,0,1302,0,1,2,0,3,1,7,0,1964,1,309,1,333,0,0,0,0,0,2007,158000,158,Less than median +70,8400,5,6,1957,1957,392,1314,1,1314,0,0,1314,1,0,1,0,3,1,5,0,1957,1,294,1,250,0,0,0,0,0,2010,145000,145,Less than median +66,8738,7,5,1999,1999,975,975,1,1005,1286,0,2291,0,0,2,1,4,1,8,1,1999,2,429,1,192,0,0,0,0,0,2006,230000,230,More than median +64,8791,6,5,2003,2003,361,864,1,864,864,0,1728,0,0,2,1,3,1,7,0,2003,2,673,1,216,56,0,0,0,0,2008,207500,207.5,More than median +68,8814,7,5,2006,2006,270,1604,1,1604,0,0,1604,1,0,2,1,3,1,8,1,2006,2,660,1,123,110,0,0,0,0,2009,220000,220,More than median +80,12435,7,5,2001,2001,602,963,1,963,829,0,1792,0,0,2,1,3,1,7,1,2001,2,564,1,0,96,0,245,0,0,2008,231500,231.5,More than median +70,12702,5,5,1956,1956,0,0,1,882,0,0,882,0,0,1,0,2,1,4,0,1956,1,308,1,0,45,0,0,0,0,2008,97000,97,Less than median +120,19296,6,5,1962,1962,0,1362,1,1382,0,0,1382,1,0,1,0,3,1,6,1,1991,2,884,1,0,0,252,0,0,0,2009,176000,176,More than median +69,9588,8,5,2007,2007,1482,1482,1,1482,1092,0,2574,0,0,2,1,3,1,10,1,2007,3,868,1,0,148,0,0,0,0,2007,276000,276,More than median +88,8471,6,7,1977,1995,0,506,1,1212,0,0,1212,1,0,1,0,3,1,6,1,1978,2,492,1,292,12,0,0,0,0,2006,151000,151,Less than median +50,5500,5,7,1929,2001,0,926,1,926,0,390,1316,1,0,1,0,3,1,6,0,1974,2,484,1,0,0,0,0,0,0,2010,130000,130,Less than median +30,5232,5,5,1925,2004,680,680,0,764,0,0,764,0,0,1,0,2,1,4,0,1965,2,504,0,0,0,0,0,0,0,2008,73000,73,Less than median +78,12090,6,6,1981,1981,606,1422,1,1422,0,0,1422,0,0,2,0,3,1,7,1,1981,2,576,1,276,0,0,0,0,0,2008,175500,175.5,More than median +70,11207,6,5,1997,1997,88,802,1,802,709,0,1511,1,0,2,1,3,1,8,1,1997,2,413,1,95,75,0,0,0,0,2006,185000,185,More than median +60,8400,5,8,1939,1997,342,720,1,1052,720,420,2192,0,0,2,1,4,1,8,1,1939,1,240,1,262,24,0,0,0,0,2008,179500,179.5,More than median +71,6900,5,6,1940,1955,212,740,1,778,0,0,778,0,0,1,0,2,1,4,1,1966,1,924,1,0,25,0,0,0,0,2008,120500,120.5,Less than median +-1,7917,6,7,1976,1976,392,1143,1,1113,0,0,1113,1,0,1,1,3,1,6,1,1987,1,504,1,370,30,0,0,0,0,2007,148000,148,Less than median +84,10728,8,5,2006,2006,1095,1095,1,1095,844,0,1939,0,0,2,1,3,1,8,1,2006,3,1053,1,192,51,0,0,0,0,2006,266000,266,More than median +73,39104,7,7,1954,2005,96,1385,1,1363,0,0,1363,1,0,1,0,2,1,5,2,1954,2,439,1,81,0,0,0,0,0,2008,241500,241.5,More than median +92,11764,8,7,1999,2007,628,1152,1,1164,1106,0,2270,0,0,2,1,4,1,9,1,1999,3,671,1,132,57,0,0,0,0,2010,290000,290,More than median +80,9600,6,6,1958,1988,0,1240,1,1632,0,0,1632,1,0,2,0,3,1,6,1,1958,1,338,1,289,0,0,0,0,0,2009,139000,139,Less than median +76,8314,5,7,1982,1982,270,816,1,816,0,0,816,0,0,1,0,2,1,5,0,1982,1,264,1,168,0,0,0,0,0,2007,124500,124.5,Less than median +55,7264,7,7,1925,2007,952,952,0,952,596,0,1548,0,0,2,1,3,1,5,0,1978,2,672,1,74,0,0,0,144,0,2009,205000,205,More than median +129,9196,7,5,2003,2003,1560,1560,1,1560,0,0,1560,0,0,2,0,3,1,7,0,2003,2,573,1,100,150,0,0,0,0,2010,201000,201,More than median +140,19138,4,5,1951,1951,744,864,1,864,0,0,864,0,0,1,0,2,1,4,0,1951,2,400,1,0,0,0,0,0,0,2010,141000,141,Less than median +107,14450,9,5,2006,2007,2121,2121,1,2121,0,0,2121,0,0,2,1,3,1,8,1,2007,3,732,1,124,98,0,0,142,0,2007,415298,415.3,More than median +83,10005,7,5,1977,1977,768,1160,1,1156,866,0,2022,0,0,2,1,4,1,8,1,1977,2,505,1,288,117,0,0,0,0,2008,192000,192,More than median +82,11287,7,6,1989,1989,386,807,1,1175,807,0,1982,0,0,2,1,3,1,7,1,1989,2,575,1,0,84,0,196,0,0,2007,228500,228.5,More than median +60,7200,6,5,2006,2006,357,1262,1,1262,0,0,1262,0,0,2,0,2,1,5,0,2006,2,572,1,0,120,0,0,0,0,2006,185000,185,More than median +34,5063,7,5,2007,2008,410,1314,1,1314,0,0,1314,1,0,2,0,2,1,6,1,2008,2,626,1,172,62,0,0,0,0,2009,207500,207.5,More than median +74,9612,8,5,2008,2009,1468,1468,1,1468,0,0,1468,0,0,2,0,3,1,6,1,2008,3,898,1,210,150,0,0,0,0,2009,244600,244.6,More than median +50,8012,6,5,1992,1992,1145,1575,1,1575,0,0,1575,1,0,2,0,2,1,5,0,1992,2,529,1,0,0,52,0,0,0,2007,179200,179.2,More than median +35,4251,7,5,2006,2007,625,625,1,625,625,0,1250,0,0,2,1,2,1,5,0,2006,2,528,1,0,54,0,0,0,0,2007,164700,164.7,More than median +77,9786,6,7,1962,1981,312,912,1,1085,649,0,1734,0,0,1,1,3,1,7,1,1962,2,440,1,0,0,0,0,128,0,2006,159000,159,Less than median +-1,8125,4,4,1971,1971,244,858,1,858,0,0,858,0,0,1,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2006,88000,88,Less than median +-1,9819,5,5,1967,1967,432,882,1,900,0,0,900,0,0,1,0,3,1,5,0,1970,1,280,1,0,0,0,0,0,0,2010,122000,122,Less than median +60,8730,6,7,1915,2003,698,698,1,698,698,0,1396,0,0,1,0,3,1,7,0,2003,1,384,1,0,0,0,0,259,0,2007,153575,153.58,Less than median +120,15611,8,5,2006,2006,1079,1079,1,1079,840,0,1919,0,0,2,1,3,1,8,1,2006,2,685,1,0,51,0,0,0,0,2006,233230,233.23,More than median +55,5687,5,6,1912,2000,570,780,0,936,780,0,1716,1,0,2,0,6,1,9,0,0,0,0,0,0,184,0,0,0,0,2008,135900,135.9,Less than median +60,11409,5,4,1949,2008,476,768,1,1148,568,0,1716,0,0,1,1,3,1,8,1,1949,1,281,1,0,0,0,0,160,0,2009,131000,131,Less than median +-1,16659,7,7,1977,1994,0,795,1,1468,795,0,2263,1,0,2,1,3,1,9,1,1977,2,539,1,0,250,0,0,0,0,2006,235000,235,More than median +80,9600,6,5,1953,1953,131,1416,1,1644,0,0,1644,1,0,1,0,3,1,7,2,1953,2,418,1,110,0,0,0,0,0,2009,167000,167,More than median +37,7937,6,6,1984,1984,184,1003,1,1003,0,0,1003,1,0,1,0,3,1,6,0,1984,2,588,1,120,0,0,0,0,0,2006,142500,142.5,Less than median +75,13710,5,5,1950,1950,490,910,1,910,648,0,1558,0,0,1,1,4,1,6,0,1950,1,282,1,289,0,0,0,0,0,2007,152000,152,Less than median +66,7399,7,5,1997,1998,326,975,1,975,975,0,1950,0,0,2,1,3,1,7,1,1997,2,576,1,0,10,0,0,198,0,2007,239000,239,More than median +90,11700,6,6,1968,1968,143,702,1,1041,702,0,1743,0,1,1,2,3,1,7,1,1968,2,539,1,224,0,0,0,0,0,2007,175000,175,More than median +80,14000,6,8,1950,2004,1092,1092,1,1152,0,0,1152,0,1,1,0,3,1,6,1,1950,1,300,1,0,36,0,0,0,0,2009,158500,158.5,Less than median +90,15750,5,5,1953,1953,324,1165,1,1336,0,0,1336,1,0,1,0,2,1,5,2,1953,1,375,1,0,0,0,0,0,0,2006,157000,157,Less than median +66,16226,8,5,1998,1999,747,1028,1,1210,1242,0,2452,0,0,2,1,4,1,9,1,1998,2,683,1,208,50,0,0,0,0,2007,267000,267,More than median +118,13704,7,5,2001,2002,1541,1541,1,1541,0,0,1541,0,0,2,0,3,1,6,1,2001,3,843,1,468,81,0,0,0,0,2006,205000,205,More than median +70,9800,5,7,1972,1972,0,894,1,894,0,0,894,1,0,1,0,3,1,5,0,1975,2,552,1,256,0,0,0,0,0,2006,149900,149.9,Less than median +87,18386,7,9,1880,2002,1470,1470,1,1675,1818,0,3493,0,0,3,0,3,1,10,1,2003,3,870,1,302,0,0,0,0,0,2008,295000,295,More than median +80,10386,8,5,2004,2005,536,2000,1,2000,0,0,2000,1,0,2,0,3,1,8,0,2004,3,888,1,168,0,0,0,0,0,2007,305900,305.9,More than median +116,13474,7,5,1990,1991,0,700,1,1122,1121,0,2243,1,0,2,1,4,1,8,1,1990,3,746,1,127,44,224,0,0,0,2007,225000,225,More than median +-1,7920,6,7,1920,1950,319,319,1,1035,371,0,1406,0,0,1,0,3,1,6,0,0,0,0,0,0,144,0,0,0,0,2008,89500,89.5,Less than median +-1,12342,4,5,1940,1950,599,861,1,861,0,0,861,0,0,1,0,1,1,4,0,1961,2,539,1,158,0,0,0,0,0,2009,82500,82.5,Less than median +90,12378,9,5,2003,2004,622,1896,1,1944,0,0,1944,1,0,2,0,3,1,8,3,2003,3,708,1,208,175,0,0,0,0,2006,360000,360,More than median +-1,7685,6,5,1993,1994,179,697,1,697,804,0,1501,0,0,2,1,3,1,6,1,1993,2,420,1,190,63,0,0,0,0,2006,165600,165.6,More than median +50,8000,6,6,1948,2002,292,972,1,972,0,0,972,1,0,1,0,2,1,5,1,1948,1,240,1,0,0,0,0,0,0,2009,132000,132,Less than median +65,7800,5,7,1939,1950,286,793,1,793,325,0,1118,1,0,1,0,3,1,5,1,1939,2,410,1,0,0,0,0,271,0,2006,119900,119.9,Less than median +150,215245,7,5,1965,1965,80,2136,1,2036,0,0,2036,2,0,2,0,3,1,8,2,1965,2,513,1,0,0,0,0,0,0,2009,375000,375,More than median +60,9600,7,7,1925,1990,712,728,1,832,809,0,1641,0,1,1,1,3,1,6,1,1925,2,546,1,0,0,234,0,0,0,2006,178000,178,More than median +71,7795,7,5,2004,2005,291,716,1,716,716,0,1432,1,0,2,1,3,1,6,1,2004,2,432,1,100,51,0,0,0,0,2009,188500,188.5,More than median +94,13005,7,7,1980,1980,153,845,1,1153,1200,0,2353,1,0,2,1,4,1,10,1,1983,2,484,1,288,195,0,0,0,0,2009,260000,260,More than median +75,9000,8,5,2006,2006,1088,1088,1,1088,871,0,1959,0,0,2,1,3,1,8,1,2006,3,1025,1,208,46,0,0,0,0,2007,270000,270,More than median +90,9900,7,5,1993,1993,360,1347,1,1372,1274,0,2646,1,0,2,1,4,1,9,1,1993,3,656,1,340,60,144,0,0,0,2009,260000,260,More than median +-1,14115,7,5,1980,1980,336,1372,1,1472,0,0,1472,1,0,2,0,3,1,6,2,1980,2,588,1,233,48,0,0,0,0,2009,187500,187.5,More than median +111,16259,9,5,2006,2006,1249,1249,1,1249,1347,0,2596,0,0,3,1,4,1,9,0,2006,3,840,1,240,154,0,0,0,0,2006,342643,342.64,More than median +99,12099,8,5,2004,2004,166,1136,1,1136,1332,0,2468,1,0,2,1,4,1,10,1,2004,3,872,1,184,154,0,0,0,0,2007,354000,354,More than median +86,10380,7,5,1986,1987,0,1502,1,1553,1177,0,2730,1,0,2,1,4,1,8,1,1987,2,576,1,201,96,0,0,0,0,2007,301000,301,More than median +49,5820,3,8,1955,2005,906,1162,1,1163,0,0,1163,1,0,1,0,3,1,6,0,1955,1,220,1,142,98,0,0,0,0,2006,126175,126.18,Less than median +96,11275,7,7,1967,2007,710,710,1,1898,1080,0,2978,0,0,2,1,5,1,11,1,1961,2,564,1,240,0,0,0,0,0,2010,242000,242,More than median +50,5000,5,6,1941,1950,604,720,0,803,0,0,803,0,0,1,0,2,1,5,0,1941,2,360,1,0,0,244,0,0,0,2007,87000,87,Less than median +32,10846,8,5,1993,1993,100,1719,1,1719,0,0,1719,2,0,1,1,1,1,6,2,1993,2,473,1,122,30,0,0,0,0,2008,324000,324,More than median +80,11600,6,5,1960,1960,818,1383,1,1383,0,0,1383,0,0,1,1,3,1,7,0,1960,1,292,1,0,45,0,0,0,0,2006,145250,145.25,Less than median +-1,11888,6,6,1916,1994,844,844,0,1445,689,0,2134,0,0,2,0,5,1,10,0,1930,2,441,1,0,60,268,0,0,0,2009,214500,214.5,More than median +60,6402,5,5,1920,1950,596,596,0,596,596,0,1192,0,0,1,0,3,1,6,0,1920,1,189,0,0,0,137,0,0,0,2009,78000,78,Less than median +-1,10624,5,4,1964,1964,1424,1728,1,1728,0,0,1728,0,1,2,0,6,2,10,0,2002,1,352,1,155,0,0,0,0,0,2007,119000,119,Less than median +70,8176,5,6,1958,1992,210,1056,1,1056,0,0,1056,1,0,1,0,3,1,6,0,1958,1,308,1,0,0,0,0,0,0,2007,139000,139,Less than median +85,10655,8,5,2003,2004,1603,3206,1,1629,0,0,1629,1,0,2,0,3,1,7,1,2003,3,880,1,0,0,0,0,0,0,2009,284000,284,More than median +59,8198,7,5,2004,2004,638,1358,1,1358,0,0,1358,1,0,2,0,2,1,6,1,2004,2,484,1,192,30,0,0,0,0,2008,207000,207,More than median +59,9042,6,5,1998,1998,115,943,1,943,695,0,1638,1,0,2,1,3,1,7,2,1998,2,472,1,100,38,0,0,0,0,2008,192000,192,More than median +-1,164660,5,6,1965,1965,103,1499,1,1619,167,0,1786,2,0,2,0,3,1,7,2,1965,2,529,1,670,0,0,0,0,0,2008,228950,228.95,More than median +86,14157,9,5,2005,2006,673,1922,1,1922,0,0,1922,1,0,2,0,3,1,8,1,2005,3,676,1,178,51,0,0,0,0,2007,377426,377.43,More than median +70,9135,7,5,2002,2003,726,1536,1,1536,0,0,1536,1,0,2,0,3,1,7,0,2002,2,532,1,192,74,0,0,0,0,2008,214000,214,More than median +91,14145,7,7,1984,1998,995,1208,1,1621,0,0,1621,1,0,2,0,3,1,8,0,1984,2,440,1,108,45,0,0,0,0,2006,202500,202.5,More than median +66,12400,6,7,1958,1998,630,1215,1,1215,0,0,1215,0,0,1,0,3,1,6,0,1958,1,297,1,0,0,0,0,234,0,2009,155000,155,Less than median +85,14191,8,5,2002,2002,967,967,1,993,915,0,1908,0,0,2,1,4,1,9,0,2002,2,431,1,135,0,0,0,0,0,2010,202900,202.9,More than median +60,8400,4,4,1950,1950,721,721,1,841,0,0,841,0,0,1,0,2,1,4,0,1950,1,294,0,250,0,24,0,0,0,2009,82000,82,Less than median +-1,8544,3,4,1949,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1949,2,400,1,0,0,0,0,0,0,2006,87500,87.5,Less than median +63,8849,9,5,2005,2005,1656,1684,1,1684,0,0,1684,0,0,2,0,2,1,6,1,2005,2,564,1,495,72,0,0,0,0,2008,266000,266,More than median +36,2592,5,3,1976,1976,175,536,1,536,576,0,1112,0,0,1,1,3,1,4,0,1976,1,336,1,182,0,0,0,0,0,2010,85000,85,Less than median +65,6435,6,5,1939,1950,972,972,1,972,605,0,1577,0,0,1,0,3,1,6,1,1939,1,312,1,0,0,0,0,0,0,2006,140200,140.2,Less than median +-1,12772,6,8,1960,1998,460,958,1,958,0,0,958,0,0,1,0,2,1,5,0,1960,1,301,1,0,0,0,0,0,0,2007,151500,151.5,Less than median +-1,17600,6,5,1960,1960,208,1478,1,1478,0,0,1478,1,0,2,0,3,1,6,2,1960,2,498,1,0,40,0,0,0,0,2009,157500,157.5,Less than median +36,2448,7,5,2003,2004,191,764,1,764,862,0,1626,1,0,2,1,2,1,6,0,2003,2,474,1,0,27,0,0,0,0,2008,154000,154,Less than median +56,20431,9,5,2005,2006,438,1848,1,1848,880,0,2728,1,0,2,1,4,1,10,2,2006,3,706,1,0,0,0,0,0,0,2006,437154,437.15,More than median +68,7820,9,5,2007,2007,1869,1869,1,1869,0,0,1869,0,0,2,0,2,1,6,1,2007,2,617,1,210,54,0,0,0,0,2007,318061,318.06,More than median +-1,5271,7,5,1986,1986,371,1453,1,1453,0,0,1453,1,0,1,1,2,1,6,1,1986,2,445,1,0,80,0,0,184,0,2006,190000,190,More than median +60,9084,5,6,1941,1950,0,616,0,616,495,0,1111,0,1,1,0,3,1,5,0,1941,1,200,1,48,0,0,0,0,0,2008,95000,95,Less than median +60,8520,6,8,1928,2003,624,624,1,720,0,0,720,0,0,1,0,2,1,5,0,2005,2,484,1,106,0,0,0,0,0,2010,105900,105.9,Less than median +60,8400,6,5,1940,2000,552,940,1,1192,403,0,1595,0,0,1,0,2,1,6,2,1940,1,240,1,0,0,108,0,0,0,2006,140000,140,Less than median +105,11249,6,5,1995,1995,322,1200,1,1200,0,0,1200,1,0,2,0,3,1,6,0,1995,2,521,1,0,26,0,0,0,0,2007,177500,177.5,More than median +-1,9248,6,6,1992,1992,598,1158,1,1167,0,0,1167,1,0,2,0,3,1,6,0,1992,2,400,1,120,26,0,0,0,0,2009,173000,173,More than median +44,4224,5,5,1976,1976,268,1142,1,1142,0,0,1142,1,0,1,1,3,1,6,1,1976,2,528,1,536,90,0,0,0,0,2007,134000,134,Less than median +92,6930,5,4,1958,1958,468,1062,1,1352,0,0,1352,0,1,1,0,3,1,6,0,1958,1,288,1,168,0,294,0,0,0,2006,130000,130,Less than median +78,12011,8,5,1998,1998,130,1086,1,1086,838,0,1924,1,0,2,1,3,1,7,1,1998,2,592,1,208,75,0,0,374,0,2006,280000,280,More than median +-1,7540,6,6,1978,1978,115,888,1,912,0,0,912,1,0,1,0,2,1,5,1,1978,2,470,1,0,0,0,0,192,0,2007,156000,156,Less than median +-1,9144,5,5,1940,1982,484,883,1,988,517,0,1505,1,0,1,0,3,1,8,0,1940,1,240,0,0,0,0,0,0,0,2008,145000,145,Less than median +64,7301,7,5,2003,2003,0,0,1,495,1427,0,1922,0,0,3,0,4,1,7,1,2003,2,672,1,0,0,177,0,0,0,2009,198500,198.5,More than median +21,1680,6,8,1972,2007,321,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1972,1,264,1,250,0,0,0,0,0,2009,118000,118,Less than median +-1,18800,6,5,1976,1976,84,796,1,790,784,0,1574,1,0,2,1,3,1,6,1,1976,2,566,1,306,111,0,0,0,0,2006,190000,190,More than median +59,10690,5,7,1920,1997,216,672,1,672,672,0,1344,0,0,1,0,3,1,6,0,1964,1,468,1,0,128,218,0,0,0,2009,147000,147,Less than median +-1,9500,6,5,1963,1963,785,1394,1,1394,0,0,1394,1,0,1,1,3,1,6,2,1963,2,514,1,0,76,0,0,185,0,2009,159000,159,Less than median +101,9150,6,5,1962,1962,728,1099,1,1431,0,0,1431,0,1,1,0,3,1,6,1,1962,1,296,1,64,110,0,0,0,0,2008,165000,165,More than median +78,7800,5,6,1954,1954,728,1268,1,1268,0,0,1268,0,0,1,0,2,1,7,1,1954,1,244,1,0,98,0,0,0,0,2010,132000,132,Less than median +-1,9830,5,7,1959,2006,733,1063,1,1287,0,0,1287,1,0,1,0,3,1,7,1,1997,2,576,1,364,17,0,0,182,0,2010,162000,162,Less than median +-1,8121,6,5,2000,2000,953,953,1,953,711,0,1664,0,0,2,1,3,1,7,1,2000,2,460,1,100,40,0,0,0,0,2006,172400,172.4,More than median +80,17120,4,4,1959,1959,0,0,1,1120,468,0,1588,0,0,2,0,4,1,7,1,1991,2,680,0,0,59,0,0,0,0,2008,134432,134.43,Less than median +50,7175,6,5,1984,1984,0,744,1,752,0,0,752,1,0,1,0,2,1,4,0,1984,1,264,1,353,0,0,0,90,0,2010,125000,125,Less than median +79,10634,5,6,1953,1953,0,608,1,1319,0,0,1319,1,0,1,0,3,1,5,0,1953,1,270,1,66,0,0,0,0,0,2009,123000,123,Less than median +65,8200,7,5,2003,2004,847,847,1,847,1081,0,1928,0,0,2,1,4,1,8,1,2003,2,434,1,100,48,0,0,0,0,2007,219500,219.5,More than median +-1,10020,1,1,1922,1950,333,683,0,904,0,0,904,1,0,0,1,1,1,4,0,0,0,0,1,0,0,0,0,0,0,2009,61000,61,Less than median +57,8846,5,5,1996,1996,572,870,1,914,0,0,914,0,0,1,0,2,1,5,0,1998,2,576,1,0,0,0,0,0,0,2006,148000,148,Less than median +102,11143,8,5,2004,2005,1580,1580,1,1580,886,0,2466,0,0,3,0,4,1,8,1,2004,2,610,1,159,214,0,0,0,0,2007,340000,340,More than median +88,11394,9,2,2010,2010,411,1856,1,1856,0,0,1856,1,0,1,1,1,1,8,1,2010,3,834,1,113,0,0,0,0,0,2010,394432,394.43,More than median +60,8123,6,5,2000,2000,982,982,1,1007,793,0,1800,0,0,2,1,3,1,7,1,2000,2,463,1,100,63,0,0,0,0,2009,179000,179,More than median +50,5000,5,6,1924,1950,808,1026,1,1026,665,0,1691,0,0,2,0,3,1,6,1,1924,1,308,1,0,0,242,0,0,0,2010,127000,127,Less than median +60,7200,7,5,2006,2006,1293,1293,1,1301,0,0,1301,1,0,2,0,2,1,5,1,2006,2,572,1,216,121,0,0,0,0,2006,187750,187.75,More than median +79,9245,7,5,2006,2006,939,939,1,939,858,0,1797,0,0,2,1,3,1,8,0,2006,2,639,1,144,53,0,0,0,0,2007,213500,213.5,More than median +60,9000,6,3,1928,1950,784,784,0,784,0,0,784,0,0,1,0,2,1,5,0,1950,2,360,0,0,0,91,0,0,0,2009,76000,76,Less than median +-1,53107,6,5,1992,1992,595,1580,1,1079,874,0,1953,1,0,2,1,3,1,9,2,1992,2,501,1,216,231,0,0,0,0,2007,240000,240,More than median +43,3182,8,5,2004,2005,1232,1256,1,1269,0,0,1269,0,0,2,0,2,1,6,1,2004,2,430,1,146,20,0,0,144,0,2010,192000,192,More than median +58,8410,5,3,1910,1996,658,658,1,658,526,0,1184,0,0,1,0,5,1,8,0,0,0,0,0,0,151,0,0,0,0,2006,81000,81,Less than median +72,7200,6,6,1976,1976,410,1041,1,1125,0,0,1125,1,0,1,0,3,1,6,1,1977,1,352,1,296,0,0,0,0,0,2009,125000,125,Less than median +93,9382,7,5,1999,2000,1468,1468,1,1479,0,0,1479,0,0,2,0,3,1,6,0,1999,2,577,1,120,25,0,0,0,0,2008,191000,191,More than median +96,12474,10,5,2007,2008,402,1682,1,1742,590,0,2332,1,0,2,1,3,1,9,1,2008,3,846,1,196,134,0,0,0,0,2008,426000,426,More than median +50,8405,5,8,1900,1950,229,861,1,961,406,0,1367,1,0,1,0,4,1,7,0,1978,1,384,1,0,130,112,0,0,0,2008,119000,119,Less than median +71,12209,6,5,2001,2002,114,804,1,804,1157,0,1961,1,0,2,1,3,1,7,1,2001,2,560,1,125,192,0,0,0,0,2009,215000,215,More than median +-1,8339,5,7,1959,1959,0,0,1,882,0,0,882,0,0,1,0,3,1,5,0,1959,1,294,1,0,0,0,0,0,0,2007,106500,106.5,Less than median +-1,7446,4,5,1941,1950,522,788,1,788,0,0,788,0,0,1,0,2,1,4,2,0,0,0,1,0,0,0,0,0,0,2006,100000,100,Less than median +60,10134,5,6,1940,1950,735,735,1,735,299,0,1034,0,0,1,0,2,1,5,0,1940,1,240,1,0,39,0,0,0,0,2007,109000,109,Less than median +68,9571,5,6,1956,1956,405,1144,1,1144,0,0,1144,1,0,1,0,3,1,6,0,1956,1,596,1,44,0,0,0,0,0,2010,129000,129,Less than median +60,7200,5,5,1972,1972,117,894,1,894,0,0,894,0,0,1,0,2,1,6,0,1985,2,600,1,215,0,0,0,0,0,2009,123000,123,Less than median +69,7590,5,5,1962,1962,324,864,1,876,936,0,1812,0,0,2,0,4,1,8,1,1962,1,264,1,0,168,0,0,0,0,2007,169500,169.5,More than median +60,8967,5,2,1920,1950,961,961,1,1077,0,0,1077,0,0,1,0,2,1,6,0,1920,1,338,0,0,0,0,0,0,0,2007,67000,67,Less than median +65,8125,7,5,2006,2007,280,1092,1,1112,438,0,1550,1,0,2,0,2,1,7,0,2007,2,438,1,0,168,0,0,0,0,2009,241000,241,More than median +38,14963,8,5,1996,1996,474,1260,1,1288,0,0,1288,1,0,1,1,1,1,4,2,1996,2,500,1,120,30,0,0,224,0,2008,245500,245.5,More than median +65,8767,7,5,2005,2005,1286,1310,1,1310,0,0,1310,0,0,2,0,3,1,6,1,2005,2,400,1,0,0,0,0,0,0,2006,164990,164.99,More than median +60,10200,5,8,1940,1997,672,672,1,672,0,0,672,0,0,1,0,2,1,4,0,1940,1,240,0,168,0,0,0,0,0,2008,108000,108,Less than median +93,12090,8,5,1998,1998,1141,1141,1,1165,1098,0,2263,0,0,2,1,4,1,10,1,1998,2,420,1,144,123,0,0,0,0,2006,258000,258,More than median +-1,10364,6,5,1995,1996,806,806,1,806,766,0,1572,0,0,2,1,3,1,7,1,1995,2,373,1,0,40,0,0,0,0,2007,168000,168,More than median +-1,9991,4,4,1976,1993,165,1281,1,1620,0,0,1620,1,0,2,0,3,1,8,1,1993,2,490,1,120,78,0,0,0,0,2009,150000,150,Less than median +51,10480,6,5,1936,1950,1064,1064,1,1166,0,473,1639,0,0,1,0,3,1,6,0,1936,1,240,1,0,0,0,0,0,0,2008,115000,115,Less than median +63,15576,6,7,1915,1976,840,840,1,840,840,0,1680,0,0,2,0,4,1,8,0,1960,1,308,1,0,0,160,0,0,0,2008,177000,177,More than median +109,14154,7,5,2006,2006,1063,1063,1,1071,1101,0,2172,0,0,2,1,3,1,9,1,2006,3,947,1,192,62,0,0,0,0,2007,280000,280,More than median +85,10800,8,5,2007,2008,245,1034,1,1050,1028,0,2078,1,0,2,1,3,1,8,1,2008,3,836,1,0,102,0,0,0,0,2008,339750,339.75,More than median +68,9571,5,3,1958,1958,1276,1276,1,1276,0,0,1276,0,0,1,0,3,1,5,0,1958,1,350,1,0,0,0,0,0,0,2009,60000,60,Less than median +100,34650,5,5,1955,1955,0,1056,0,1056,0,0,1056,1,0,1,0,3,1,5,0,1955,2,572,1,264,0,0,0,0,0,2006,145000,145,Less than median +-1,4403,7,5,2009,2009,892,1470,1,1478,0,0,1478,1,0,2,1,2,1,7,1,2009,2,484,1,0,144,0,0,0,0,2010,222000,222,More than median +56,8960,5,6,1927,1950,1008,1008,1,1028,0,0,1028,0,0,1,0,2,1,5,1,1927,2,360,1,0,0,130,0,0,0,2010,115000,115,Less than median +59,11228,7,5,1993,1993,499,1080,1,1080,1017,0,2097,0,1,2,1,3,1,9,1,1993,3,678,1,196,187,0,0,0,0,2008,228000,228,More than median +73,8899,7,5,2007,2007,1316,1340,1,1340,0,0,1340,0,0,2,0,3,1,6,0,2007,2,396,1,100,30,0,0,0,0,2007,181134,181.13,More than median +74,7844,6,7,1978,1978,463,672,1,672,728,0,1400,0,0,1,1,3,1,6,1,1978,2,440,1,0,0,0,0,0,0,2006,149500,149.5,Less than median +86,22420,6,6,1918,1950,242,1370,0,1370,1254,0,2624,1,0,2,1,4,1,10,1,1918,3,864,0,0,0,0,0,0,0,2007,239000,239,More than median +60,8160,5,6,1940,1950,444,756,0,756,378,0,1134,1,0,1,1,3,1,7,0,1940,1,240,1,0,0,0,0,0,0,2007,126000,126,Less than median +65,8450,5,6,1968,1968,281,1056,1,1056,0,0,1056,1,0,1,0,3,1,6,1,1968,1,304,1,0,85,184,0,0,0,2010,142000,142,Less than median +78,7060,7,5,1997,1998,35,1344,1,1344,0,0,1344,2,0,2,0,2,2,8,0,1997,4,784,1,0,0,0,0,0,0,2008,206300,206.3,More than median +-1,16635,6,7,1977,2000,356,1602,1,1602,0,0,1602,0,1,2,0,3,1,8,1,1977,2,529,1,240,0,0,0,0,0,2009,215000,215,More than median +100,21750,5,5,1954,1954,988,988,1,988,0,0,988,0,0,1,0,2,1,4,0,1954,2,520,0,0,0,0,0,0,0,2008,113000,113,Less than median +80,9200,8,5,1998,1998,484,1470,1,1470,1160,0,2630,1,0,2,1,4,1,8,1,1998,3,696,1,0,66,0,0,0,0,2008,315000,315,More than median +72,9000,6,5,1956,1956,580,1196,1,1196,0,0,1196,1,0,1,0,2,1,6,1,1956,1,297,1,0,44,0,0,0,0,2008,139000,139,Less than median +60,3378,7,8,1946,1992,651,651,1,707,682,0,1389,0,0,1,1,3,1,6,2,1947,1,240,1,0,0,126,0,0,0,2009,135000,135,Less than median +-1,12800,7,5,1989,1989,0,1518,1,1644,0,0,1644,1,1,2,0,2,1,5,1,1989,2,569,1,80,0,0,0,396,0,2009,275000,275,More than median +77,8593,4,6,1957,1957,619,907,1,907,0,0,907,0,0,1,0,3,1,5,0,1964,1,352,1,0,0,0,0,0,0,2008,109008,109.01,Less than median +64,6762,7,5,2007,2007,544,1208,1,1208,0,0,1208,1,0,2,0,2,1,6,0,2007,2,628,1,105,54,0,0,0,0,2007,195400,195.4,More than median +130,11457,6,5,1988,1988,387,1392,1,1412,0,0,1412,1,0,2,0,3,1,6,1,1988,2,576,1,0,0,169,0,0,0,2009,175000,175,More than median +21,1680,6,5,1971,1971,96,483,1,483,504,0,987,0,0,1,1,2,1,4,0,1971,1,264,1,0,0,0,0,0,0,2008,85400,85.4,Less than median +60,5586,6,7,1920,1998,901,901,1,1088,110,0,1198,0,0,1,0,4,1,7,0,0,0,0,0,0,98,0,0,0,0,2008,79900,79.9,Less than median +24,1920,5,5,1971,1971,294,765,1,765,600,0,1365,1,0,1,1,2,1,6,0,1971,2,440,1,240,36,0,0,0,0,2007,122500,122.5,Less than median +100,10839,6,5,1997,1998,926,926,1,926,678,0,1604,0,0,2,1,3,1,7,1,1997,2,470,1,0,36,0,0,0,0,2008,181000,181,More than median +21,1890,4,7,1972,1972,135,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,88,0,0,0,0,0,2008,81000,81,Less than median +43,10667,7,6,1996,1996,70,799,1,827,834,0,1661,1,0,2,1,3,1,6,1,1996,2,550,1,158,61,0,0,0,0,2009,212000,212,More than median +40,4400,6,8,1920,1950,648,648,1,734,384,0,1118,0,0,1,0,2,1,6,0,1990,2,440,1,0,0,0,0,0,0,2006,116000,116,Less than median +50,6000,6,7,1926,2004,884,884,1,904,0,0,904,0,0,1,0,2,1,4,0,1926,1,180,1,0,0,105,0,0,0,2009,119000,119,Less than median +40,4280,5,6,1913,2002,75,440,0,694,0,0,694,0,0,1,0,2,1,4,1,1990,1,352,1,0,0,34,0,0,0,2007,90350,90.35,Less than median +67,12354,6,8,1920,2000,684,684,1,684,512,0,1196,0,0,1,0,3,1,7,0,2005,2,528,1,0,46,0,0,0,0,2009,110000,110,Less than median +105,15431,10,5,2008,2008,788,3094,1,2402,0,0,2402,1,0,2,0,2,1,10,2,2008,3,672,1,0,72,0,0,170,0,2009,555000,555,More than median +92,12108,4,4,1955,1955,1307,1440,0,1440,0,0,1440,0,0,2,0,4,2,8,0,0,0,0,1,0,0,0,0,0,0,2008,118000,118,Less than median +52,6240,5,7,1930,1992,1078,1078,1,1128,445,0,1573,0,0,2,0,3,1,8,1,1930,2,360,1,0,0,0,0,0,0,2008,162900,162.9,Less than median +53,3922,7,5,2006,2007,1258,1258,1,1258,0,0,1258,0,0,2,0,2,1,6,1,2007,3,648,1,144,16,0,0,0,0,2007,172500,172.5,More than median +70,8750,7,5,1994,1995,273,915,1,933,975,0,1908,1,0,2,1,4,1,8,1,1994,2,493,1,144,133,0,0,0,0,2008,210000,210,More than median +73,9855,6,5,1956,1956,1436,1436,1,1689,0,0,1689,0,0,1,0,3,1,7,1,1956,2,480,1,0,0,0,0,0,0,2009,127500,127.5,Less than median +137,16492,6,6,1966,2002,557,1517,1,1888,0,0,1888,0,0,2,1,2,1,6,1,1966,2,578,1,0,0,0,0,0,0,2010,190000,190,More than median +-1,11214,7,5,1998,1999,930,930,1,956,930,0,1886,0,0,2,1,4,1,10,1,1998,2,431,1,89,0,0,0,0,0,2006,199900,199.9,More than median +50,8600,6,6,1937,1950,780,780,1,780,596,0,1376,0,0,2,0,3,1,7,1,1937,1,198,0,0,0,0,0,0,0,2006,119500,119.5,Less than median +50,6000,3,7,1948,2002,318,649,1,679,504,0,1183,0,0,1,1,2,1,6,0,1981,1,308,1,0,176,0,0,0,0,2007,120000,120,Less than median +70,5684,6,8,1930,2005,813,813,1,813,0,0,813,0,0,1,0,2,1,5,0,1932,1,270,0,0,113,0,0,0,0,2006,110000,110,Less than median +62,70761,7,5,1975,1975,878,1533,1,1533,0,0,1533,1,0,2,0,2,1,5,2,1975,2,576,1,200,54,0,0,0,0,2006,280000,280,More than median +-1,9303,6,5,1996,1997,130,872,1,888,868,0,1756,1,0,2,1,3,1,7,0,1996,2,422,1,144,122,0,0,0,0,2007,204000,204,More than median +75,9000,8,5,2008,2008,768,768,1,786,804,0,1590,0,0,2,1,3,1,6,0,2008,2,676,1,0,30,0,0,0,0,2009,210000,210,More than median +63,9297,5,5,1976,1976,122,1728,1,1728,0,0,1728,2,0,2,0,4,2,8,0,1976,2,560,1,0,0,0,0,0,0,2006,188000,188,More than median +80,9600,7,6,1973,1973,326,1242,1,1242,0,0,1242,0,0,1,1,3,1,6,1,1973,2,528,1,0,0,0,0,0,0,2007,175500,175.5,More than median +34,4571,5,5,1916,1950,624,624,0,624,720,0,1344,0,0,1,0,4,1,7,0,1916,3,513,1,0,0,96,0,0,0,2008,98000,98,Less than median +-1,53227,4,6,1954,1994,248,1364,1,1663,0,0,1663,1,0,1,0,2,1,6,2,1954,2,529,1,224,137,0,0,0,0,2008,256000,256,More than median +-1,5100,8,7,1925,1996,588,588,1,833,833,0,1666,0,0,1,0,3,1,7,1,1925,1,228,1,192,63,0,0,0,0,2008,161000,161,Less than median +-1,7015,5,4,1950,1950,524,709,1,979,224,0,1203,1,0,1,0,3,1,5,1,1950,1,352,1,0,0,248,0,0,0,2009,110000,110,Less than median +75,8004,8,5,2009,2009,288,832,1,832,1103,0,1935,1,0,2,1,3,1,8,0,2009,2,552,1,0,150,0,0,0,0,2009,263435,263.44,More than median +60,7200,7,9,1936,2007,0,560,1,575,560,0,1135,1,0,1,0,3,1,6,0,1971,2,576,1,256,0,0,0,0,0,2009,155000,155,Less than median +60,8281,5,5,1965,1965,0,864,1,864,0,0,864,0,0,1,0,3,1,5,1,1965,1,360,1,0,0,236,0,0,0,2009,62383,62.38,Less than median +74,11988,6,7,1934,1995,389,715,1,849,811,0,1660,0,0,1,1,3,1,6,1,1939,1,240,1,0,0,0,0,0,0,2008,188700,188.7,More than median +60,8430,5,5,1978,1978,424,1040,1,1040,0,0,1040,0,0,2,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2009,124000,124,Less than median +-1,3072,7,5,2004,2004,1375,1375,1,1414,0,0,1414,0,0,2,0,2,1,6,1,2004,2,398,1,144,20,0,0,0,0,2006,178740,178.74,More than median +85,10628,7,5,1970,1970,499,1277,1,1277,0,0,1277,1,0,1,0,2,1,5,1,1970,2,526,1,0,0,0,0,176,0,2007,167000,167,More than median +79,9480,5,7,1942,1995,342,728,1,888,756,0,1644,0,0,1,1,3,1,7,2,1942,1,312,1,168,0,0,0,0,0,2007,146500,146.5,Less than median +98,11428,8,5,2006,2006,1626,1626,1,1634,0,0,1634,0,0,2,0,3,1,7,1,2006,3,866,1,0,44,0,0,0,0,2007,250000,250,More than median +76,9291,6,5,1993,1993,406,832,1,832,878,0,1710,0,0,2,1,3,1,7,0,1993,2,506,1,144,70,0,0,0,0,2008,187000,187,More than median +-1,6820,8,5,1985,1985,0,1488,1,1502,0,0,1502,1,0,1,1,1,1,4,0,1985,2,528,1,0,54,0,0,140,0,2010,212000,212,More than median +92,11952,7,6,1977,1977,808,808,1,1161,808,0,1969,0,0,2,1,3,1,8,1,1977,2,534,1,0,0,0,0,276,0,2007,190000,190,More than median +35,3675,6,5,2005,2005,88,547,1,1072,0,0,1072,1,0,1,0,2,1,5,0,2005,2,525,1,0,28,0,0,0,0,2008,148000,148,Less than median +110,14977,8,5,2006,2007,626,1976,1,1976,0,0,1976,1,0,2,0,2,1,7,1,2006,3,908,1,250,63,0,0,0,0,2007,440000,440,More than median +41,5330,8,5,2000,2000,298,1494,1,1652,0,0,1652,1,0,2,0,2,1,6,0,2000,2,499,1,96,48,0,0,0,0,2007,251000,251,More than median +80,8480,5,6,1963,1963,340,970,1,970,0,0,970,1,0,1,0,2,1,5,0,1996,2,624,1,0,24,0,0,192,0,2007,132500,132.5,Less than median +75,13125,6,5,1997,1998,484,1478,1,1493,0,0,1493,1,0,2,0,3,1,7,1,1997,2,508,1,140,39,0,0,0,0,2008,208900,208.9,More than median +105,13693,9,5,2006,2006,2153,2153,1,2069,574,0,2643,0,0,2,1,3,1,9,1,2006,3,694,1,414,84,0,0,0,0,2007,380000,380,More than median +79,10637,8,5,2007,2008,417,1705,1,1718,0,0,1718,1,0,2,0,3,1,7,1,2007,3,826,1,208,44,0,0,0,0,2009,297000,297,More than median +50,5925,4,7,1937,2000,739,907,1,1131,0,0,1131,0,0,1,0,2,1,7,0,1995,2,672,1,0,72,0,0,0,0,2007,89471,89.47,Less than median +98,16033,9,5,2004,2005,572,1833,1,1850,0,0,1850,1,0,2,0,3,1,8,1,2004,3,772,1,519,112,0,0,0,0,2006,326000,326,More than median +72,11846,9,5,2003,2004,225,1792,1,1792,0,0,1792,1,0,2,0,2,1,6,1,2003,3,874,1,206,49,0,0,0,0,2006,374000,374,More than median +50,2500,7,8,1915,2005,611,910,1,916,910,0,1826,1,0,1,1,4,1,7,1,1915,1,164,1,0,0,0,0,0,0,2009,155000,155,Less than median +32,4500,6,5,1998,1998,319,1216,1,1216,0,0,1216,1,0,2,0,2,1,5,0,1998,2,402,1,0,125,0,0,0,0,2006,164000,164,More than median +-1,7758,5,7,1962,2001,411,999,1,999,0,0,999,1,0,1,0,3,1,6,0,1963,1,264,1,0,132,0,0,0,0,2007,132500,132.5,Less than median +80,9600,5,7,1950,2007,506,1113,1,1113,0,0,1113,0,0,1,0,3,1,5,1,1950,1,264,1,0,80,120,0,0,0,2009,147000,147,Less than median +79,10289,5,7,1965,1965,237,1073,1,1073,0,0,1073,1,0,1,1,3,1,6,0,1965,2,515,1,0,0,0,0,0,0,2007,156000,156,Less than median +70,12243,5,6,1971,1971,486,1484,1,1484,0,0,1484,0,0,2,0,3,1,7,1,1971,2,487,1,224,0,0,0,180,0,2007,175000,175,More than median +60,10800,5,4,1900,1970,290,954,0,1766,648,0,2414,0,0,2,0,3,2,10,1,1970,2,520,0,142,0,0,0,0,0,2006,160000,160,Less than median +21,1526,4,8,1970,2002,115,630,1,630,0,0,630,1,0,1,0,1,1,3,0,1970,1,286,1,0,0,0,0,0,0,2009,86000,86,Less than median +-1,2665,5,6,1976,1976,264,264,1,616,688,0,1304,0,0,1,1,3,1,4,1,1976,1,336,1,141,24,0,0,0,0,2008,115000,115,Less than median +79,9490,6,7,1941,1950,238,806,1,958,620,0,1578,1,0,1,0,3,1,5,2,1941,1,240,1,0,0,32,0,0,0,2006,133000,133,Less than median +105,15578,6,5,2006,2006,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,0,2006,2,429,1,0,0,0,0,0,0,2006,172785,172.79,More than median +70,7931,5,6,1960,1960,363,1269,1,1269,0,0,1269,0,0,1,1,3,1,6,1,1964,1,308,1,0,0,0,0,0,0,2008,155000,155,Less than median +50,5784,5,8,1938,1996,190,190,1,886,0,0,886,0,0,1,0,2,1,4,0,1938,1,273,1,144,20,80,0,0,0,2009,91300,91.3,Less than median +60,7879,4,5,1920,1950,225,720,0,720,0,0,720,0,0,1,0,2,1,4,0,0,0,0,0,0,523,115,0,0,0,2009,34900,34.9,Less than median +-1,12692,8,5,1992,1993,1969,3200,1,3228,0,0,3228,1,0,3,0,4,1,10,1,1992,2,546,1,264,75,291,0,0,0,2007,430000,430,More than median +60,9120,7,6,1925,1950,697,1026,1,1133,687,0,1820,1,0,2,0,4,1,8,0,1925,1,240,0,0,100,0,0,0,0,2008,184000,184,More than median +65,7800,5,7,1967,2004,414,864,1,899,0,0,899,0,0,1,0,3,1,5,0,1967,1,288,1,64,0,0,0,0,0,2009,130000,130,Less than median +70,7535,5,7,1958,1985,522,912,1,912,0,0,912,0,1,1,0,2,1,5,0,1958,1,297,1,12,285,0,0,0,0,2007,120000,120,Less than median +21,1890,6,5,1973,1973,316,672,1,672,546,0,1218,0,0,1,1,3,1,7,0,1973,1,264,1,144,28,0,0,0,0,2007,113000,113,Less than median +75,9803,7,5,2005,2005,466,866,1,866,902,0,1768,0,0,2,1,3,1,7,0,2005,2,603,1,0,108,0,0,0,0,2008,226700,226.7,More than median +70,9170,5,7,1965,1965,420,1214,1,1214,0,0,1214,1,0,1,0,2,1,6,0,1965,2,461,1,0,0,184,0,0,0,2007,140000,140,Less than median +100,15602,7,8,1959,1997,254,1501,1,1801,0,0,1801,1,0,2,0,1,1,6,2,1959,2,484,1,0,54,0,0,161,0,2010,289000,289,More than median +24,2308,6,5,1974,1974,103,855,1,855,467,0,1322,0,1,2,1,3,1,6,1,1974,2,440,1,260,0,0,0,0,0,2009,147000,147,Less than median +60,7596,5,5,1952,1952,960,960,1,960,1000,0,1960,0,0,2,0,4,2,10,0,1952,2,400,0,0,0,0,0,0,0,2009,124500,124.5,Less than median +80,9554,8,5,1993,1994,397,777,1,1065,846,0,1911,0,0,2,1,3,1,8,1,1993,2,471,1,182,81,0,0,0,0,2006,215000,215,More than median +75,7862,6,5,2009,2009,1191,1218,1,1218,0,0,1218,0,0,2,0,2,1,4,0,2009,2,676,1,0,102,0,0,0,0,2009,208300,208.3,More than median +60,9600,7,9,1928,2005,548,689,1,689,689,0,1378,0,0,2,0,3,1,7,1,1928,2,360,0,0,0,116,0,0,0,2008,161000,161,Less than median +80,9600,5,6,1959,1959,50,1041,1,1041,0,0,1041,1,0,1,0,3,1,6,0,1959,1,270,1,224,88,0,0,0,0,2009,124500,124.5,Less than median +75,14559,5,7,1951,2000,178,1008,1,1363,0,0,1363,1,0,1,0,2,1,6,2,1951,1,288,1,324,42,0,0,168,0,2009,164900,164.9,More than median +40,6792,7,5,2005,2006,1368,1368,1,1368,0,0,1368,0,0,2,0,2,1,6,1,2005,2,474,1,132,35,0,0,0,0,2006,202665,202.67,More than median +70,9100,5,5,1958,1958,169,864,1,864,0,0,864,1,0,1,0,3,1,5,0,1964,2,624,1,0,0,0,0,0,0,2006,129900,129.9,Less than median +71,9187,6,5,1983,1983,748,1084,1,1080,0,0,1080,0,0,1,1,3,1,5,0,1983,2,484,1,120,0,158,0,0,0,2007,134000,134,Less than median +55,10594,5,5,1926,1950,768,768,0,789,0,0,789,0,0,1,0,2,1,5,0,1926,1,200,1,0,0,112,0,0,0,2007,96500,96.5,Less than median +94,12220,10,5,2009,2009,570,2006,1,2020,0,0,2020,1,0,2,1,3,1,9,1,2009,3,900,1,156,54,0,0,0,0,2009,402861,402.86,More than median +-1,10448,6,6,1972,1972,689,689,1,1378,741,0,2119,0,0,2,1,3,1,7,1,1972,2,583,1,0,104,0,0,0,0,2009,158000,158,Less than median +79,10208,7,5,1996,1997,1264,1264,1,1277,1067,0,2344,0,0,2,1,3,1,7,1,1996,3,889,1,220,0,0,0,0,0,2009,265000,265,More than median +-1,9531,6,5,1998,1998,88,794,1,882,914,0,1796,1,0,2,1,3,1,7,0,1998,2,546,1,0,36,0,0,0,0,2007,211000,211,More than median +53,10918,7,9,1926,2004,1276,1276,1,1276,804,0,2080,0,0,1,1,3,1,9,2,1926,1,282,1,0,0,0,0,145,0,2009,234000,234,More than median +60,10800,4,7,1900,2000,0,0,0,694,600,0,1294,0,0,2,0,3,2,7,0,0,0,0,0,220,114,210,0,0,0,2008,106250,106.25,Less than median +90,11988,6,6,1957,1957,467,1244,1,1244,0,0,1244,0,0,1,1,3,1,6,2,1957,1,336,1,0,40,0,0,0,0,2007,150000,150,Less than median +50,5000,6,7,1947,1950,605,1004,1,1004,660,0,1664,0,0,2,0,3,1,7,2,1950,2,420,1,0,24,36,0,0,0,2006,159000,159,Less than median +130,40094,10,5,2007,2008,878,3138,1,3138,1538,0,4676,1,0,3,1,3,1,11,1,2007,3,884,1,208,406,0,0,0,0,2007,184750,184.75,More than median +95,11787,7,5,1996,1997,660,1379,1,1383,1015,0,2398,1,0,2,1,3,1,8,1,1996,3,834,1,239,60,0,0,0,0,2007,315750,315.75,More than median +62,7500,7,5,2005,2005,1257,1257,1,1266,0,0,1266,0,0,2,0,3,1,6,1,2005,2,453,1,38,144,0,0,0,0,2006,176000,176,More than median +70,13300,5,7,1956,2000,551,928,1,928,0,0,928,0,0,1,0,2,1,4,0,1956,1,252,1,261,0,156,0,0,0,2007,132000,132,Less than median +67,14948,9,5,2008,2008,122,1452,1,1476,1237,0,2713,1,0,2,1,3,1,11,1,2008,3,858,1,126,66,0,0,0,0,2008,446261,446.26,More than median +58,9098,4,7,1920,2002,180,528,1,605,0,0,605,1,0,1,0,2,1,5,0,0,0,0,0,0,0,144,0,0,0,2007,86000,86,Less than median +-1,32668,6,3,1957,1975,816,2035,1,2515,0,0,2515,1,0,3,0,4,2,9,2,1975,2,484,1,0,0,200,0,0,0,2007,200624,200.62,More than median +85,10200,6,5,1988,1989,678,1461,1,1509,0,0,1509,1,0,2,0,3,1,5,1,1988,2,600,1,224,0,0,0,0,0,2008,175000,175,More than median +60,6155,6,8,1920,1999,611,611,1,751,611,0,1362,0,0,2,0,3,1,6,0,1920,2,502,1,0,0,84,0,0,0,2008,128000,128,Less than median +60,7200,5,7,1955,2007,0,0,1,827,0,0,827,0,0,1,0,2,1,5,1,1967,1,392,1,0,0,0,0,0,0,2010,107500,107.5,Less than median +50,5000,1,3,1946,1950,0,0,0,334,0,0,334,0,0,1,0,1,1,2,0,0,0,0,0,0,0,0,0,0,0,2007,39300,39.3,Less than median +74,9056,8,5,2004,2004,707,707,1,707,707,0,1414,0,0,2,1,3,1,6,1,2004,2,403,1,100,35,0,0,0,0,2006,178000,178,More than median +70,7000,5,7,1910,1991,148,1117,1,820,527,0,1347,1,0,1,0,3,1,5,0,0,0,0,0,85,0,148,0,0,0,2008,107500,107.5,Less than median +57,8924,7,5,1998,1999,880,880,1,880,844,0,1724,0,0,2,1,3,1,8,0,1998,2,527,1,120,155,0,0,0,0,2008,188000,188,More than median +-1,12735,4,5,1972,1972,264,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1980,2,576,1,216,0,0,0,0,0,2008,111250,111.25,Less than median +-1,11553,5,5,1968,1968,378,1051,1,1159,0,0,1159,0,0,1,1,3,1,7,1,1968,1,336,1,466,0,0,0,0,0,2006,158000,158,Less than median +-1,11423,8,5,2001,2002,223,1581,1,1601,0,0,1601,1,0,2,0,3,1,6,1,2001,2,670,1,180,0,0,0,0,0,2010,272000,272,More than median +85,14601,9,5,2006,2006,578,1838,1,1838,0,0,1838,1,0,2,0,2,1,8,1,2006,3,765,1,270,68,0,0,0,0,2009,315000,315,More than median +-1,11000,8,5,2000,2000,969,969,1,997,1288,0,2285,0,0,2,1,4,1,8,1,2000,3,648,1,0,56,0,0,0,0,2007,248000,248,More than median +78,10140,7,5,1998,1999,379,1650,1,1680,0,0,1680,1,0,2,0,3,1,7,1,1998,2,583,1,78,73,0,0,0,0,2009,213250,213.25,More than median +34,4058,7,5,1998,1998,0,723,1,767,0,0,767,1,0,1,0,1,1,4,0,1998,1,367,1,120,40,0,0,0,0,2007,133000,133,Less than median +58,17104,7,5,2006,2006,100,654,1,664,832,0,1496,1,0,2,1,3,1,7,1,2006,2,426,1,100,24,0,0,0,0,2006,179665,179.67,More than median +-1,13837,7,5,1988,1988,0,1204,1,1377,806,0,2183,0,0,2,1,4,1,9,0,1988,3,786,1,0,0,0,0,0,0,2006,229000,229,More than median +70,8737,6,7,1923,1950,765,1065,1,915,720,0,1635,0,0,1,1,3,1,6,1,1950,2,440,1,0,38,0,144,0,0,2007,210000,210,More than median +54,7244,5,7,1970,1970,149,768,1,768,0,0,768,1,0,1,0,2,1,5,0,1987,2,624,1,104,0,0,0,0,0,2007,129500,129.5,Less than median +49,8235,5,7,1955,1995,0,825,1,825,0,0,825,1,0,1,0,2,1,4,0,1963,2,720,1,140,50,0,0,0,0,2008,125000,125,Less than median +75,9375,7,5,2003,2004,912,912,1,912,1182,0,2094,0,0,2,1,4,1,8,1,2003,2,615,1,182,182,0,0,0,0,2009,263000,263,More than median +53,4043,6,6,1977,1977,510,1069,1,1069,0,0,1069,0,0,2,0,2,1,4,0,1977,2,440,1,0,55,0,0,200,0,2008,140000,140,Less than median +50,6000,5,6,1957,1957,620,928,1,928,0,0,928,0,0,1,0,3,1,5,0,1957,1,288,1,0,0,0,0,0,0,2008,112500,112.5,Less than median +87,11146,8,5,2006,2006,1709,1709,1,1717,0,0,1717,0,0,2,0,3,1,7,1,2006,3,908,1,169,39,0,0,0,0,2009,255500,255.5,More than median +67,8777,4,5,1949,2003,0,0,1,1126,0,0,1126,0,0,2,0,2,1,5,0,2002,2,520,0,0,96,0,0,0,0,2009,108000,108,Less than median +85,10625,7,5,2003,2004,132,998,1,1006,1040,0,2046,1,0,2,1,3,1,8,1,2003,3,871,1,320,62,0,0,0,0,2008,284000,284,More than median +58,6380,5,6,1922,1950,993,993,1,1048,0,0,1048,0,0,1,0,2,1,5,1,1922,1,280,1,0,0,116,0,0,0,2006,113000,113,Less than median +69,14850,5,5,1957,1957,197,1092,1,1092,0,0,1092,1,0,1,0,2,1,6,1,1957,1,299,1,268,0,0,0,122,0,2006,141000,141,Less than median +60,11040,4,6,1920,1950,0,637,1,897,439,0,1336,0,0,1,1,3,1,7,0,1994,1,570,1,0,47,120,0,0,0,2006,108000,108,Less than median +57,21872,7,5,1996,1997,125,729,1,729,717,0,1446,0,1,2,1,3,1,6,1,1996,2,406,1,264,22,0,0,0,0,2008,175000,175,More than median +-1,3196,7,5,2003,2004,1374,1374,1,1557,0,0,1557,0,0,2,0,2,1,7,1,2003,2,420,1,143,20,0,0,0,0,2006,234000,234,More than median +-1,11341,5,6,1957,1996,90,1392,1,1392,0,0,1392,1,0,1,1,3,1,5,1,1957,2,528,1,0,0,0,0,95,0,2010,121500,121.5,Less than median +77,10010,5,5,1974,1975,195,1389,1,1389,0,0,1389,1,0,1,0,2,1,6,1,1975,2,418,1,240,38,0,0,0,0,2006,170000,170,More than median +63,13907,5,6,1940,1969,706,996,1,996,0,0,996,1,0,1,0,3,1,6,1,0,0,0,1,144,0,0,0,0,0,2008,108000,108,Less than median +66,21780,6,7,1918,1950,1163,1163,1,1163,511,0,1674,0,0,2,0,4,1,8,1,1955,2,396,0,72,36,0,0,144,0,2008,185000,185,More than median +-1,13346,7,5,1992,2000,367,1095,1,1166,1129,0,2295,1,0,2,1,4,1,9,1,1992,2,590,1,0,40,0,0,0,0,2006,268000,268,More than median +66,6858,6,4,1915,1950,806,806,0,841,806,0,1647,1,0,1,1,4,1,6,0,1920,1,216,1,0,66,136,0,0,0,2010,128000,128,Less than median +77,11198,9,5,2005,2007,1122,1122,1,1134,1370,0,2504,0,0,2,1,4,1,11,1,2005,3,656,1,144,39,0,0,0,0,2008,325000,325,More than median +70,10171,7,5,2004,2004,1515,1517,1,1535,0,0,1535,0,0,2,0,3,1,7,0,2004,2,532,1,0,0,0,0,0,0,2010,214000,214,More than median +79,12327,8,8,1983,2009,55,1496,1,1496,636,0,2132,1,0,1,1,1,1,5,1,1983,2,612,1,349,40,0,0,0,0,2009,316600,316.6,More than median +-1,7032,5,5,1979,1979,0,943,1,943,0,0,943,1,0,1,0,2,1,4,2,1979,2,600,1,42,0,0,0,0,0,2006,135960,135.96,Less than median +74,13101,5,5,1965,1965,1497,1728,1,1728,0,0,1728,0,0,2,0,6,2,10,0,1987,2,576,1,0,0,0,0,0,0,2008,142600,142.6,Less than median +60,7332,6,6,1959,1959,450,864,1,864,0,0,864,1,0,1,0,2,1,4,0,1959,1,288,1,168,0,0,0,0,0,2006,120000,120,Less than median +83,13159,7,5,2009,2009,846,846,1,846,846,0,1692,0,0,2,1,3,1,6,0,2009,2,650,1,208,114,0,0,0,0,2009,224500,224.5,More than median +76,9967,7,5,2000,2000,384,384,1,774,656,0,1430,0,0,2,1,3,1,8,1,2000,2,400,1,100,0,0,0,0,0,2007,170000,170,More than median +70,10500,5,7,1971,2005,23,372,1,576,533,0,1109,0,1,1,0,3,1,5,0,1971,1,288,1,35,0,0,0,0,0,2007,139000,139,Less than median +80,8480,5,5,1947,1950,390,832,1,832,384,0,1216,0,0,1,0,2,1,6,0,1947,1,336,1,158,0,102,0,0,0,2008,118500,118.5,Less than median +52,6292,7,7,1928,1950,861,861,1,877,600,0,1477,0,1,2,0,3,1,6,1,1928,1,216,1,0,50,0,0,0,0,2009,145000,145,Less than median +96,11777,5,6,1966,1966,285,1164,1,1320,0,0,1320,1,0,1,0,3,1,6,2,1966,2,564,1,160,68,240,0,0,0,2006,164500,164.5,More than median +34,3604,7,5,2007,2007,689,689,1,703,689,0,1392,0,0,2,0,2,1,5,0,2007,2,540,1,0,102,0,0,0,0,2008,146000,146,Less than median +81,12150,5,5,1954,1954,1050,1050,0,1050,745,0,1795,0,0,2,0,4,1,7,0,1954,1,352,1,0,0,0,0,0,0,2008,131500,131.5,Less than median +-1,14585,6,6,1960,1987,331,1144,1,1429,0,0,1429,0,1,1,0,3,1,7,2,1960,2,572,1,216,110,0,0,0,0,2007,181900,181.9,More than median +98,12704,8,5,2008,2009,2042,2042,1,2042,0,0,2042,0,0,2,1,3,1,8,1,2009,3,1390,1,0,90,0,0,0,0,2009,253293,253.29,More than median +81,11841,6,5,1990,1990,0,816,1,816,0,0,816,1,0,1,0,3,1,5,0,0,0,0,1,0,32,0,0,0,0,2007,118500,118.5,Less than median +75,13500,10,9,1893,2000,1237,1237,1,1521,1254,0,2775,0,0,3,1,3,1,9,1,1988,2,880,1,105,502,0,0,0,0,2008,325000,325,More than median +51,6120,4,7,1935,1995,884,884,1,989,584,0,1573,0,0,1,0,3,1,6,0,1935,1,240,1,0,0,54,0,120,0,2009,133000,133,Less than median +88,11443,8,5,2005,2006,408,1868,1,2028,0,0,2028,1,0,2,0,2,1,7,2,2005,3,880,1,326,66,0,0,0,0,2006,369900,369.9,More than median +55,10267,6,7,1918,2000,0,816,1,838,0,0,838,1,0,1,0,2,1,5,0,1961,1,275,0,0,0,112,0,0,0,2008,130000,130,Less than median +74,8740,5,6,1982,1982,168,840,1,860,0,0,860,1,0,1,0,2,1,4,0,1996,2,528,1,0,0,0,0,0,0,2009,137000,137,Less than median +65,25095,5,8,1968,2003,113,1437,1,1473,0,0,1473,2,0,1,0,1,1,5,2,1968,1,452,1,0,48,0,0,60,0,2009,143000,143,Less than median +50,9100,5,6,1930,1960,742,742,1,779,0,156,935,0,0,1,0,2,1,4,0,1988,1,308,1,0,0,0,0,0,0,2008,79500,79.5,Less than median +64,8320,7,5,2004,2004,280,770,1,770,812,0,1582,0,0,2,1,3,1,6,0,2004,2,520,1,0,45,0,0,0,0,2008,185900,185.9,More than median +97,13478,10,5,2008,2008,384,1722,1,1728,568,0,2296,1,0,2,1,3,1,10,1,2008,3,842,1,382,274,0,0,0,0,2009,451950,451.95,More than median +60,6600,5,8,1982,2003,0,816,1,816,0,0,816,1,0,1,0,2,1,4,0,1985,2,816,1,0,0,0,0,0,0,2008,138000,138,Less than median +-1,4435,6,5,2003,2003,163,848,1,848,0,0,848,1,0,1,0,1,1,4,0,2003,2,420,1,140,0,0,0,0,0,2009,140000,140,Less than median +88,7990,5,6,1975,1975,924,924,1,924,0,0,924,0,0,1,0,3,1,5,0,1981,1,280,1,0,0,0,0,0,0,2008,110000,110,Less than median +69,11302,8,5,2005,2006,392,1814,1,1826,0,0,1826,1,0,2,0,3,1,7,1,2005,3,758,1,180,75,0,0,120,0,2006,319000,319,More than median +60,3600,6,7,1910,1993,684,684,0,684,684,0,1368,0,0,1,0,3,1,7,0,1930,1,216,0,0,158,0,0,0,0,2006,114504,114.5,Less than median +53,3922,7,5,2006,2007,1258,1258,1,1402,0,0,1402,0,2,0,2,2,1,7,1,2006,3,648,1,120,16,0,0,0,0,2007,194201,194.2,More than median +80,12984,5,6,1977,1977,0,1430,1,1647,0,0,1647,1,0,2,0,3,1,7,1,1977,2,621,1,0,0,0,0,0,0,2006,217500,217.5,More than median +24,1950,6,6,1980,1980,23,716,1,716,840,0,1556,1,0,2,1,3,1,6,1,1980,2,452,1,161,0,0,0,0,0,2008,151000,151,Less than median +74,10927,8,5,2005,2005,512,1058,1,1058,846,0,1904,1,0,2,1,3,1,8,1,2003,2,736,1,179,60,0,0,0,0,2006,275000,275,More than median +50,9000,6,6,1937,1950,780,780,1,780,595,0,1375,0,0,1,1,3,1,6,1,1979,1,544,1,0,162,0,0,126,0,2007,141000,141,Less than median +80,10041,8,5,1992,1992,119,908,1,927,988,0,1915,1,0,2,1,3,1,8,1,1992,2,506,1,120,150,0,0,0,0,2006,220000,220,More than median +30,3182,7,5,2004,2005,600,600,1,600,600,0,1200,0,0,2,1,2,1,4,0,2004,2,480,1,0,172,0,0,0,0,2010,151000,151,Less than median +88,12803,7,5,2002,2002,572,1494,1,1494,0,0,1494,1,0,2,0,3,1,6,1,2002,2,530,1,192,36,0,0,0,0,2008,221000,221,More than median +85,13600,7,6,1965,1990,314,768,1,1186,800,0,1986,0,0,2,1,3,1,7,3,1965,2,486,1,0,42,0,0,189,0,2009,205000,205,More than median +82,12464,5,5,1996,1996,308,1040,1,1040,0,0,1040,1,0,1,0,3,1,6,0,2000,2,576,1,168,0,0,0,0,0,2009,152000,152,Less than median +78,7800,5,8,1948,2002,293,896,1,1112,896,0,2008,1,0,3,0,3,1,8,0,1948,1,230,1,103,0,0,0,0,0,2006,225000,225,More than median +78,12168,8,6,1934,1998,537,965,1,1940,1254,0,3194,0,0,2,1,4,1,10,2,1934,2,380,1,0,0,0,0,0,0,2007,359100,359.1,More than median +61,7943,4,5,1961,1961,126,1029,1,1029,0,0,1029,1,0,1,0,3,1,5,0,1961,1,261,1,64,0,39,0,0,0,2007,118500,118.5,Less than median +-1,11050,9,5,2000,2000,536,1440,1,1476,677,0,2153,1,0,2,1,3,1,8,2,2000,3,736,1,253,142,0,0,0,0,2009,313000,313,More than median +-1,10395,6,6,1978,1978,427,1032,1,1032,0,0,1032,0,1,2,0,3,1,6,1,1978,2,564,1,0,0,0,0,0,0,2007,148000,148,Less than median +-1,11885,8,5,2001,2001,309,1299,1,1299,573,0,1872,1,0,2,1,3,1,7,1,2001,2,531,1,160,122,0,0,0,0,2009,261500,261.5,More than median +70,8402,5,5,2007,2007,914,1120,1,1120,0,0,1120,0,0,1,0,3,1,6,0,0,0,0,1,0,30,0,0,0,0,2007,147000,147,Less than median +21,1491,4,6,1972,1972,0,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,96,24,0,0,0,0,2010,75500,75.5,Less than median +80,8800,6,7,1963,1963,173,936,1,1054,0,0,1054,1,0,1,0,3,1,6,0,1963,2,480,1,120,0,0,0,0,0,2010,137500,137.5,Less than median +-1,7861,6,5,2002,2003,326,783,1,807,702,0,1509,1,0,2,1,3,1,7,1,2002,2,393,1,100,75,0,0,0,0,2006,183200,183.2,More than median +59,7227,6,6,1954,1954,832,832,1,832,0,0,832,0,0,1,0,2,1,4,0,1962,2,528,1,0,0,0,0,0,0,2008,105500,105.5,Less than median +90,11694,9,5,2007,2007,1774,1822,1,1828,0,0,1828,0,0,2,0,3,1,9,1,2007,3,774,1,0,108,0,0,260,0,2007,314813,314.81,More than median +85,12244,8,5,2003,2003,611,1482,1,1482,780,0,2262,1,0,2,1,4,1,10,2,2003,3,749,1,168,0,0,0,0,0,2008,305000,305,More than median +45,8248,3,3,1914,1950,823,864,0,864,0,0,864,1,0,1,0,2,1,5,0,0,0,0,0,0,0,100,0,0,0,2008,67000,67,Less than median +90,10800,6,7,1974,1997,384,1522,1,1548,1066,0,2614,0,0,2,1,4,1,9,1,1974,2,624,1,38,243,0,0,0,0,2008,240000,240,More than median +71,7064,5,6,1977,1977,420,980,1,980,0,0,980,0,0,1,0,3,1,6,0,1986,2,484,1,192,0,0,0,0,0,2009,135000,135,Less than median +-1,2117,6,5,2000,2000,336,756,1,756,756,0,1512,0,0,2,1,2,1,4,1,2000,2,440,1,0,32,0,0,0,0,2007,168500,168.5,More than median +80,10400,6,5,1972,1972,485,732,1,1012,778,0,1790,1,0,1,2,4,1,8,1,1972,2,484,1,148,0,0,0,147,0,2006,165150,165.15,More than median +87,10000,6,6,1962,1962,1116,1116,1,1116,0,0,1116,0,0,1,1,3,1,5,0,1962,2,440,1,0,0,0,0,385,0,2010,160000,160,Less than median +-1,12342,5,5,1960,1978,978,978,1,1422,0,0,1422,0,0,1,0,3,1,6,1,1960,1,286,1,0,0,36,0,0,0,2007,139900,139.9,Less than median +80,9600,6,6,1955,1972,350,1156,1,1520,0,0,1520,1,0,1,0,3,1,7,2,1955,1,364,1,0,0,189,0,0,0,2010,153000,153,Less than median +70,11606,5,5,1969,1969,390,1040,1,1040,1040,0,2080,0,1,1,2,5,1,9,2,1969,2,504,1,335,0,0,0,0,0,2007,135000,135,Less than median +82,9020,6,5,1964,1964,288,1248,1,1350,0,0,1350,1,0,1,1,3,1,6,0,1964,2,520,1,176,0,0,0,0,0,2008,168500,168.5,More than median +50,9000,5,6,1880,1991,636,636,1,1089,661,0,1750,0,0,1,0,3,1,8,0,1937,1,240,0,0,0,293,0,0,0,2006,124000,124,Less than median +34,4590,8,5,2006,2006,1530,1554,1,1554,0,0,1554,0,0,2,0,2,1,6,1,2006,2,627,1,156,73,0,0,0,0,2007,209500,209.5,More than median +85,11900,7,5,1977,1977,564,1386,1,1411,0,0,1411,0,0,2,0,3,1,6,1,1977,2,544,1,192,0,0,0,0,0,2009,82500,82.5,Less than median +80,9250,5,7,1954,2005,108,1056,1,1056,0,0,1056,0,1,1,0,3,1,6,0,1954,1,260,1,390,0,0,0,0,0,2007,139400,139.4,Less than median +64,6979,6,5,1980,1980,0,1056,1,1056,0,0,1056,2,0,0,0,0,2,4,0,1980,2,576,1,264,56,0,0,0,0,2010,144000,144,Less than median +60,10896,6,7,1914,1995,1184,1440,1,1440,1440,515,3395,0,0,2,0,8,2,14,0,0,0,0,0,0,110,0,0,0,0,2007,200000,200,More than median +51,6120,2,3,1936,1950,264,264,0,800,0,0,800,0,0,1,0,1,1,4,1,0,0,0,0,0,0,0,0,0,0,2009,60000,60,Less than median +50,6000,5,4,1954,1954,811,811,1,811,576,0,1387,0,0,2,0,3,2,7,0,1954,1,256,1,0,0,0,0,0,0,2009,93000,93,Less than median +67,8777,5,7,1910,1950,796,796,1,796,0,0,796,0,0,1,0,2,1,4,0,0,0,0,1,328,0,164,0,0,0,2008,85000,85,Less than median +53,3982,8,5,2006,2006,366,1520,1,1567,0,0,1567,1,0,2,0,1,1,7,1,2006,3,648,1,312,0,0,0,0,0,2006,264561,264.56,More than median +62,12677,8,5,2003,2004,300,1518,1,1518,0,0,1518,0,0,1,1,1,1,6,1,2003,2,588,1,185,140,0,0,0,0,2008,274000,274,More than median +-1,7050,7,5,2001,2001,319,1057,1,1057,872,0,1929,1,0,2,1,3,1,7,1,2001,2,650,1,0,235,0,0,0,0,2007,226000,226,More than median +75,13860,8,7,1972,1995,542,1952,1,2000,704,0,2704,1,0,2,1,4,1,9,3,1972,2,538,1,269,111,0,0,0,0,2009,345000,345,More than median +80,10793,5,5,1969,1969,0,780,1,780,840,0,1620,0,0,2,1,4,1,7,0,1969,2,462,1,208,0,0,0,0,0,2007,152000,152,Less than median +85,9187,9,5,2009,2009,645,1766,1,1766,0,0,1766,1,0,2,1,2,1,7,1,2009,3,478,1,195,130,0,0,0,0,2009,370878,370.88,More than median +-1,10530,6,5,1971,1971,664,981,1,981,0,0,981,1,0,1,1,3,1,5,0,1979,2,576,1,0,312,40,0,0,0,2007,143250,143.25,Less than median +60,7200,5,5,1950,1950,0,0,1,1048,0,0,1048,0,0,1,0,3,1,7,0,1950,2,420,1,0,27,0,0,0,0,2008,98300,98.3,Less than median +85,10452,6,5,1953,1953,594,1094,1,1094,0,0,1094,0,0,1,0,3,1,5,2,1953,2,495,1,0,0,0,0,287,0,2008,155000,155,Less than median +70,7700,6,5,1966,1966,756,756,1,1051,788,0,1839,0,0,1,1,4,1,7,1,1966,2,442,1,0,124,216,0,0,0,2010,155000,155,Less than median +21,1936,4,6,1970,1970,0,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,0,0,0,0,0,0,2007,84500,84.5,Less than median +65,8125,7,6,2007,2007,813,813,1,822,843,0,1665,0,0,2,1,3,1,7,0,2007,2,562,1,0,0,0,0,0,0,2008,205950,205.95,More than median +60,9084,4,5,1940,1950,755,755,1,755,755,0,1510,1,0,1,0,4,1,7,1,1940,1,296,1,120,0,0,0,0,0,2009,108000,108,Less than median +70,8750,7,5,1996,1996,880,880,1,909,807,0,1716,0,0,2,1,2,1,7,1,1996,2,512,1,0,120,0,0,0,0,2009,191000,191,More than median +60,10320,6,7,1906,1995,756,756,1,756,713,0,1469,0,0,1,0,3,1,7,0,1906,1,216,1,57,0,239,0,0,0,2008,135000,135,Less than median +91,10437,8,6,1995,1995,413,2109,1,2113,0,0,2113,1,0,2,1,2,1,7,1,1995,3,839,1,236,46,0,0,0,0,2008,350000,350,More than median +21,1680,6,5,1971,1971,525,525,1,525,567,0,1092,0,0,1,1,3,1,6,0,1971,1,264,1,0,0,0,0,0,0,2010,88000,88,Less than median +72,10007,5,7,1959,2006,247,1053,1,1053,0,0,1053,1,0,1,1,3,1,5,0,1959,1,312,1,0,0,0,0,0,0,2008,145500,145.5,Less than median +60,7200,7,6,1931,2000,776,776,1,851,651,0,1502,0,0,1,1,3,1,6,1,1931,1,270,1,0,0,112,0,0,0,2008,149000,149,Less than median +78,17503,6,5,1948,1950,912,912,1,912,546,0,1458,0,1,1,0,3,1,6,1,1948,1,330,1,192,0,0,0,0,0,2010,97500,97.5,Less than median +75,9937,5,7,1964,1999,849,1486,1,1486,0,0,1486,1,0,1,0,3,1,7,0,1968,2,480,1,0,0,0,0,0,0,2009,167000,167,More than median +-1,12384,7,7,1976,1976,793,793,1,1142,793,0,1935,0,0,2,1,3,1,7,1,1976,2,550,1,0,113,252,0,0,0,2007,197900,197.9,More than median +52,46589,8,7,1994,2005,88,1629,1,1686,762,0,2448,1,0,2,1,4,1,8,1,1994,3,711,1,517,76,0,0,0,0,2009,402000,402,More than median +120,13560,6,3,1968,1968,1392,1392,1,1392,0,0,1392,1,0,1,0,2,1,5,2,1968,2,576,1,0,0,240,0,0,0,2009,110000,110,Less than median +90,10012,4,5,1972,1972,38,1138,1,1181,0,0,1181,1,0,2,0,3,1,6,0,1974,2,588,1,0,0,180,0,0,0,2008,137500,137.5,Less than median +49,20896,8,5,2005,2006,356,2077,1,2097,0,0,2097,1,0,1,1,1,1,8,1,2005,3,1134,1,192,267,0,0,0,0,2006,423000,423,More than median +106,11194,8,5,2000,2000,1406,1406,1,1454,482,0,1936,0,0,2,1,3,1,7,1,2000,2,504,1,188,124,0,0,0,0,2006,230500,230.5,More than median +-1,18450,6,5,1965,1979,111,1021,1,1465,915,0,2380,0,0,2,1,3,1,7,1,1965,2,596,1,0,265,0,0,0,0,2007,129000,129,Less than median +65,8125,6,5,1994,1998,270,1408,1,1679,0,0,1679,1,0,2,0,3,1,7,1,1994,2,575,1,224,42,0,0,0,0,2008,193500,193.5,More than median +-1,14175,5,6,1956,1987,200,1188,1,1437,0,0,1437,1,0,1,1,3,1,6,1,1999,2,576,1,304,0,0,0,0,0,2006,168000,168,More than median +80,11600,4,5,1922,1950,700,700,1,1180,0,0,1180,0,0,1,0,2,1,5,1,1922,1,252,1,0,0,67,0,0,0,2006,137500,137.5,Less than median +64,8633,6,5,2005,2005,545,738,1,738,738,0,1476,1,0,2,1,3,1,7,0,2005,2,540,1,100,35,0,0,0,0,2009,173500,173.5,More than median +54,6629,6,6,1925,1950,121,672,0,697,672,0,1369,1,0,2,0,3,1,6,0,1930,1,300,1,147,0,0,0,0,0,2009,103600,103.6,Less than median +-1,11250,6,6,1977,1977,441,1208,1,1208,0,0,1208,1,0,1,1,3,1,6,1,1977,2,546,1,198,42,0,0,0,0,2006,165000,165,More than median +110,14442,6,7,1957,2004,291,1477,1,1839,0,0,1839,1,0,2,0,3,1,7,2,1957,2,416,1,0,87,0,0,200,0,2007,257500,257.5,More than median +80,9200,6,6,1965,1965,244,1136,1,1136,0,0,1136,1,0,1,0,3,1,5,1,1965,1,384,1,426,0,0,0,0,0,2008,140000,140,Less than median +24,2289,6,6,1978,1978,544,855,1,855,586,0,1441,0,0,2,1,3,1,7,1,1978,2,440,1,28,0,0,0,0,0,2009,148500,148.5,Less than median +60,9600,4,2,1900,1950,1095,1095,0,1095,679,0,1774,1,0,2,0,4,2,8,0,1920,3,779,0,0,0,90,0,0,0,2006,87000,87,Less than median +52,9022,5,8,1924,2006,768,768,1,792,0,0,792,0,0,1,0,2,1,5,0,1924,1,240,0,316,0,120,0,0,0,2009,109500,109.5,Less than median +80,11844,8,5,2008,2008,2046,2046,1,2046,0,0,2046,0,0,2,1,3,1,7,1,2008,3,834,1,322,82,0,0,0,0,2009,372500,372.5,More than median +-1,9945,5,5,1961,1961,161,988,1,988,0,0,988,1,0,1,0,3,1,5,0,1963,2,572,1,0,0,0,0,0,0,2007,128500,128.5,Less than median +50,8012,6,5,1980,1980,261,923,1,923,0,0,923,0,0,2,0,2,1,5,1,1980,1,264,1,80,0,0,0,0,0,2010,143000,143,Less than median +55,4500,5,5,1932,2000,611,793,1,848,672,0,1520,0,0,1,0,3,1,6,0,1968,1,281,1,0,0,56,0,0,0,2009,159434,159.43,Less than median +-1,2887,6,5,1996,1997,288,1291,1,1291,0,0,1291,1,0,1,0,2,1,6,1,1996,2,431,1,307,0,0,0,0,0,2008,173000,173,More than median +90,11248,9,5,2002,2002,567,1626,1,1668,0,0,1668,1,0,2,0,3,1,7,1,2002,3,702,1,257,45,0,0,0,0,2007,285000,285,More than median +58,16770,7,5,1998,1998,1195,1195,1,1195,644,0,1839,0,0,2,1,4,1,7,0,1998,2,486,1,0,81,0,0,0,0,2010,221000,221,More than median +-1,5062,7,5,1984,1984,180,1190,1,1190,900,0,2090,1,0,2,0,3,1,6,1,1984,2,577,1,219,0,0,0,0,0,2007,207500,207.5,More than median +84,10207,7,6,2007,2007,874,874,1,874,887,0,1761,0,0,3,0,3,1,7,0,2007,2,578,1,144,105,0,0,0,0,2007,227875,227.88,More than median +-1,5105,7,5,2004,2004,312,551,1,551,551,0,1102,0,0,2,1,2,1,4,0,2004,2,480,1,0,60,0,0,0,0,2007,148800,148.8,Less than median +60,8089,8,6,2007,2007,474,1419,1,1419,0,0,1419,1,0,2,0,2,1,7,1,2007,2,567,1,140,0,0,0,0,0,2007,392000,392,More than median +61,7577,6,5,2005,2006,1342,1362,1,1362,0,0,1362,0,0,2,0,2,1,6,1,2005,2,460,1,192,28,0,0,0,0,2007,194700,194.7,More than median +-1,4426,6,5,2004,2004,151,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,149,0,0,0,0,0,2008,141000,141,Less than median +104,21535,10,6,1994,1995,989,2444,1,2444,1872,0,4316,0,1,3,1,4,1,10,2,1994,3,832,1,382,50,0,0,0,0,2007,755000,755,More than median +42,26178,7,5,1989,1990,245,1210,1,1238,1281,0,2519,1,0,2,1,4,1,9,2,1989,2,628,1,320,27,0,0,0,0,2006,335000,335,More than median +60,5400,5,6,1921,1968,1073,1073,1,1073,0,0,1073,0,0,1,0,2,1,4,0,1968,1,326,1,0,0,112,0,0,0,2006,108480,108.48,Less than median +51,6120,5,6,1936,1950,927,927,1,1067,472,0,1539,0,0,1,1,3,1,5,0,1995,2,576,1,112,0,0,0,0,0,2009,141500,141.5,Less than median +54,13811,6,6,1987,1987,92,1112,1,1137,0,0,1137,1,0,2,0,2,1,5,1,1987,2,551,1,125,0,0,0,0,0,2006,176000,176,More than median +50,6000,5,7,1921,1950,0,616,1,616,0,0,616,0,0,1,0,2,1,4,0,1921,1,205,1,0,0,129,0,0,0,2006,89000,89,Less than median +57,6420,5,7,1952,1952,219,980,1,1148,0,0,1148,0,1,1,0,2,1,6,0,1952,1,308,1,0,0,0,0,0,0,2006,123500,123.5,Less than median +65,8450,5,8,1965,2009,224,894,1,894,0,0,894,1,0,1,0,3,1,5,1,1973,1,336,1,416,144,0,0,0,0,2010,138500,138.5,Less than median +59,4282,7,5,2004,2004,1375,1391,1,1391,0,0,1391,0,0,2,0,2,1,5,0,2004,2,530,1,156,158,0,0,0,0,2008,196000,196,More than median +85,14331,8,5,2002,2002,526,1800,1,1800,0,0,1800,1,0,2,0,3,1,7,1,2002,3,765,1,270,78,0,0,0,0,2006,312500,312.5,More than median +80,9600,7,5,1969,1969,1164,1164,1,1164,0,0,1164,0,0,1,1,3,1,6,0,1969,2,528,1,0,0,0,0,0,0,2006,140000,140,Less than median +82,12438,8,5,2006,2006,1234,1234,1,1264,1312,0,2576,0,0,2,1,4,1,10,1,2006,3,666,1,324,100,0,0,0,0,2006,361919,361.92,More than median +76,7630,5,9,1900,1996,360,360,1,1032,780,0,1812,0,0,2,0,4,2,8,1,1999,2,672,0,344,0,40,0,0,0,2010,140000,140,Less than median +70,8400,7,5,2004,2005,761,1473,1,1484,0,0,1484,1,0,2,0,3,1,7,0,2004,2,606,1,0,35,0,144,0,0,2010,213000,213,More than median +70,5600,4,5,1930,1950,0,0,0,372,720,0,1092,0,0,2,0,3,2,7,0,0,0,0,0,0,0,0,0,0,0,2010,55000,55,Less than median +-1,115149,7,5,1971,2002,424,1643,1,1824,0,0,1824,1,0,2,0,2,1,5,2,1971,2,739,1,380,48,0,0,0,0,2007,302000,302,More than median +48,6240,8,5,2006,2006,461,1324,1,1324,0,0,1324,1,0,2,0,2,1,6,1,2006,2,550,1,192,38,0,0,0,0,2009,254000,254,More than median +65,9018,7,5,2007,2007,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,1,2007,2,400,1,100,24,0,0,0,0,2007,179540,179.54,More than median +-1,7162,5,7,1966,1966,876,876,1,904,0,0,904,0,0,1,0,3,1,6,0,1966,1,408,1,0,0,0,0,0,0,2008,109900,109.9,Less than median +56,4130,3,6,1935,2003,270,270,1,729,0,0,729,0,0,1,0,2,1,5,0,0,0,0,0,0,0,0,0,0,0,2008,52000,52,Less than median +66,8712,4,7,1900,1950,859,859,1,859,319,0,1178,0,0,1,0,2,1,7,0,1964,1,384,0,68,0,98,0,0,0,2010,102776,102.78,Less than median +40,4671,8,5,1988,1989,461,1228,1,1228,0,0,1228,1,0,2,0,2,1,5,1,1988,2,472,1,168,120,0,0,0,0,2008,189000,189,More than median +60,9873,4,5,1970,1970,171,960,0,960,0,0,960,1,0,1,0,3,1,6,0,1970,2,576,1,0,288,0,0,0,0,2006,129000,129,Less than median +-1,13517,6,8,1976,2005,192,725,1,725,754,0,1479,0,0,2,1,3,1,6,0,1976,2,475,1,0,44,0,0,0,0,2010,130500,130.5,Less than median +78,10140,6,5,1974,1974,1064,1064,1,1350,0,0,1350,0,0,2,0,3,1,7,1,1974,2,478,1,0,0,0,0,0,0,2009,165000,165,More than median +60,10800,7,8,1890,1998,718,718,1,1576,978,0,2554,0,0,1,1,3,1,8,0,1996,2,704,1,0,48,143,0,0,0,2007,159500,159.5,Less than median +80,10000,5,6,1973,2000,92,1176,1,1178,0,0,1178,0,1,1,1,3,1,5,1,1973,2,439,1,224,0,0,0,0,0,2008,157000,157,Less than median +96,10542,7,5,1993,1994,138,1311,1,1325,1093,0,2418,1,0,2,1,3,1,9,1,1993,3,983,1,250,154,216,0,0,0,2008,341000,341,More than median +69,9920,5,6,1969,1969,448,971,1,971,0,0,971,0,0,1,1,3,1,5,1,1969,1,300,1,0,0,0,0,0,0,2006,128500,128.5,Less than median +-1,6563,8,5,1985,1985,594,1742,1,1742,0,0,1742,1,0,2,0,2,1,5,1,1985,2,564,1,114,28,234,0,0,0,2006,275000,275,More than median +-1,4426,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,3,0,2004,2,420,1,160,0,0,0,0,0,2010,143000,143,Less than median +70,8120,4,7,1970,1970,673,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1994,2,463,1,0,0,0,0,0,0,2009,124500,124.5,Less than median +60,8172,4,6,1954,1972,941,941,1,997,473,0,1470,0,0,2,0,4,1,7,0,1958,1,548,1,0,0,0,0,156,0,2008,135000,135,Less than median +86,13286,9,5,2007,2008,464,1698,1,1698,0,0,1698,1,0,2,0,3,1,8,1,2007,3,768,1,327,64,0,0,0,0,2009,320000,320,More than median +60,6960,4,6,1970,1970,250,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1989,2,660,1,96,0,0,0,0,0,2009,120500,120.5,Less than median +-1,21695,6,9,1988,2007,72,880,1,1680,0,0,1680,1,0,2,0,3,1,5,1,1988,2,540,1,292,44,0,182,0,0,2009,222000,222,More than median +64,7314,7,5,2007,2007,508,1232,1,1232,0,0,1232,1,0,2,0,2,1,6,0,2007,2,632,1,132,0,0,0,0,0,2009,194500,194.5,More than median +85,11475,5,5,1958,1958,1584,1584,1,1776,0,0,1776,1,0,2,0,4,2,9,0,1968,3,888,1,0,25,0,0,0,0,2009,110000,110,Less than median +52,6240,4,5,1925,1950,628,780,1,848,0,360,1208,0,0,1,0,2,1,5,0,1962,2,539,1,0,23,112,0,0,0,2009,103000,103,Less than median +39,5389,8,5,1995,1996,415,1595,1,1616,0,0,1616,1,0,2,0,2,1,5,1,1995,2,608,1,237,152,0,0,0,0,2010,236500,236.5,More than median +73,9590,7,5,2003,2003,82,868,1,1146,0,0,1146,1,0,2,0,3,1,6,1,2003,2,438,1,160,22,0,0,0,0,2007,187500,187.5,More than median +75,11404,7,5,1998,1999,901,1153,1,1153,878,0,2031,0,0,2,1,3,1,8,1,1998,2,541,1,192,84,0,0,0,0,2008,222500,222.5,More than median +80,10000,5,6,1961,1983,270,864,1,1144,0,0,1144,1,0,1,0,3,1,6,1,1961,1,264,1,165,0,0,0,0,0,2009,131400,131.4,Less than median +-1,8978,5,5,1968,1968,948,948,1,948,0,0,948,0,0,1,0,3,1,6,0,1968,1,300,1,147,0,0,0,0,0,2007,108000,108,Less than median +60,10800,7,7,1914,1970,490,880,0,880,888,0,1768,0,0,1,1,2,1,6,2,1914,2,320,0,0,341,0,0,0,0,2006,163000,163,Less than median +60,8544,3,4,1950,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1949,2,400,1,0,0,0,0,0,0,2006,93500,93.5,Less than median +72,10463,8,5,2005,2005,893,893,1,901,900,0,1801,0,0,2,1,3,1,8,1,2005,3,800,1,0,116,0,0,0,0,2006,239900,239.9,More than median +60,10800,5,5,1987,1988,0,1200,1,1200,0,0,1200,3,0,3,0,3,1,5,0,0,0,0,1,120,0,0,0,0,0,2009,179000,179,More than median +65,9313,7,5,2004,2004,864,864,1,864,864,0,1728,0,0,2,1,3,1,7,0,2004,2,572,1,187,56,0,0,0,0,2009,190000,190,More than median +60,9600,5,7,1910,2002,264,264,1,768,664,0,1432,0,0,2,0,2,1,7,0,1910,2,360,1,270,0,112,0,0,0,2007,132000,132,Less than median +65,6768,6,8,1961,1996,80,912,1,912,0,0,912,1,1,1,0,3,1,5,0,1962,1,288,1,168,0,0,0,0,0,2008,142000,142,Less than median +65,8450,7,5,2000,2001,1349,1349,1,1349,0,0,1349,0,0,2,0,3,1,6,0,2000,2,539,1,120,55,0,0,0,0,2007,179000,179,More than median +70,12886,5,6,1963,1999,76,520,1,1464,0,0,1464,0,1,2,0,3,1,6,1,1997,2,480,1,302,0,0,0,100,0,2009,175000,175,More than median +41,5395,8,5,1993,1993,604,1337,1,1337,0,0,1337,1,0,2,0,2,1,5,1,1993,2,462,1,96,0,70,168,0,0,2008,180000,180,More than median +-1,8963,8,9,1976,1996,487,1142,1,1175,1540,0,2715,0,1,3,1,4,1,11,2,1994,2,831,1,0,204,0,0,0,0,2008,299800,299.8,More than median +-1,8795,7,5,2000,2000,652,952,1,980,1276,0,2256,0,0,2,1,4,1,8,1,2000,2,554,1,224,54,0,0,0,0,2009,236000,236,More than median +65,11700,7,7,1880,2003,1240,1240,0,1320,1320,0,2640,0,0,1,1,4,1,8,1,1950,4,864,0,181,0,386,0,0,0,2009,265979,265.98,More than median +59,10593,7,5,1996,1996,801,1720,1,1720,0,0,1720,1,0,2,0,3,1,7,1,1996,2,527,1,240,56,154,0,0,0,2010,260400,260.4,More than median +50,8405,4,3,1945,1950,0,0,0,1088,441,0,1529,0,0,2,0,4,1,9,0,1945,1,240,0,92,0,185,0,0,0,2009,98000,98,Less than median +55,8800,4,7,1910,2004,576,576,1,792,348,0,1140,0,0,1,0,3,1,7,0,0,0,0,0,0,160,0,0,0,0,2010,96500,96.5,Less than median +-1,7750,7,5,2003,2003,660,660,1,660,660,0,1320,0,0,2,1,3,1,6,0,2003,2,400,1,0,48,0,0,0,0,2007,162000,162,Less than median +79,9236,6,5,1997,1997,279,1479,1,1494,0,0,1494,1,0,2,0,3,1,6,0,1997,2,576,1,168,27,0,0,0,0,2006,217000,217,More than median +80,10240,8,5,2005,2005,1030,1030,1,1038,1060,0,2098,0,0,2,1,3,1,8,1,2005,3,878,1,192,52,0,0,0,0,2006,275500,275.5,More than median +61,7930,6,8,1969,2005,115,1026,1,1026,0,0,1026,1,0,1,0,3,1,5,0,1969,2,440,1,171,48,0,0,0,0,2009,156000,156,Less than median +34,3230,6,5,1999,1999,348,729,1,742,729,0,1471,0,0,2,1,3,1,6,0,1999,2,440,1,0,24,0,0,0,0,2009,172500,172.5,More than median +68,10769,8,5,2007,2007,846,866,1,866,902,0,1768,0,0,2,1,3,1,7,0,2007,2,578,1,144,105,0,0,0,0,2009,212000,212,More than median +-1,11616,6,5,1978,1978,234,672,1,672,714,0,1386,0,0,2,1,3,1,6,1,1978,2,440,1,335,0,0,0,0,0,2010,158900,158.9,Less than median +24,2280,7,5,1999,1999,195,744,1,757,744,0,1501,0,0,2,1,3,1,6,0,1999,2,440,1,0,0,0,0,0,0,2008,179400,179.4,More than median +65,12257,8,5,1995,1995,1198,1318,1,1328,1203,0,2531,0,0,2,1,4,1,9,1,1995,3,752,1,222,98,0,0,0,0,2007,290000,290,More than median +70,9100,6,6,1959,1959,252,864,1,864,0,0,864,0,0,1,0,2,1,5,0,2008,1,300,1,0,0,0,0,0,0,2009,127500,127.5,Less than median +60,6911,5,5,1924,1950,740,1145,1,1301,0,0,1301,0,0,1,0,2,1,5,0,1965,2,440,1,0,0,0,0,0,0,2009,100000,100,Less than median +72,8640,7,5,2009,2009,732,756,1,764,783,0,1547,0,0,2,1,3,1,7,0,2009,2,614,1,169,45,0,0,0,0,2010,215200,215.2,More than median +82,9430,8,5,1999,1999,89,1252,1,1268,1097,0,2365,1,0,2,1,3,1,8,1,1999,3,856,1,0,128,0,0,180,0,2009,337000,337,More than median +30,9549,8,5,1995,1996,0,1494,1,1494,0,0,1494,1,0,1,1,2,1,6,1,1995,2,481,1,0,30,0,0,216,0,2006,270000,270,More than median +75,14587,9,5,2008,2008,1498,1498,1,1506,0,0,1506,0,0,2,0,2,1,6,1,2008,2,592,1,0,174,0,0,0,0,2008,264132,264.13,More than median +80,10421,7,5,1988,1988,586,980,1,980,734,0,1714,0,0,2,1,3,1,7,1,1988,2,496,1,228,66,156,0,0,0,2010,196500,196.5,More than median +75,12508,6,7,1940,1985,323,983,1,983,767,0,1750,1,0,2,0,4,1,7,0,1989,1,423,1,245,0,156,0,0,0,2008,160000,160,Less than median +70,9100,7,5,2004,2005,1836,1860,1,1836,0,0,1836,0,0,2,0,3,1,8,1,2004,2,484,1,120,33,0,0,0,0,2006,216837,216.84,More than median +47,53504,8,5,2003,2003,234,1650,1,1690,1589,0,3279,1,0,3,1,4,1,12,1,2003,3,841,1,503,36,0,0,210,0,2010,538000,538,More than median +-1,7252,5,5,1982,1982,173,858,1,858,0,0,858,1,0,1,0,2,1,5,0,1983,2,576,1,120,0,0,0,0,0,2009,134900,134.9,Less than median +67,8877,4,5,1951,1951,0,836,1,1220,0,0,1220,0,0,1,0,2,1,6,0,1951,2,396,1,0,0,0,0,0,0,2006,102000,102,Less than median +94,7819,6,5,1976,1976,480,1029,1,1117,0,0,1117,1,0,1,0,3,1,6,1,1976,2,672,1,144,0,0,0,0,0,2010,107000,107,Less than median +70,10150,5,5,1958,1958,456,912,1,912,0,0,912,0,0,1,0,2,1,5,0,1958,1,275,1,0,0,0,0,0,0,2007,114500,114.5,Less than median +110,14226,8,5,2006,2006,1935,1935,1,1973,0,0,1973,0,0,2,0,3,1,9,1,2006,3,895,1,315,45,0,0,0,0,2007,395000,395,More than median +32,4500,6,5,1998,1998,338,1204,1,1204,0,0,1204,1,0,2,0,2,1,5,0,1998,2,412,1,0,247,0,0,0,0,2009,162000,162,Less than median +86,11210,7,5,2005,2006,1594,1614,1,1614,0,0,1614,0,0,2,0,3,1,7,0,2005,3,865,1,144,59,0,0,0,0,2006,221500,221.5,More than median +100,13350,5,5,1974,1974,102,864,1,894,0,0,894,1,0,1,0,3,1,5,1,1974,2,440,1,241,0,0,0,0,0,2006,142500,142.5,Less than median +60,8400,5,5,1977,1977,0,0,1,2020,0,0,2020,0,0,2,0,4,2,10,2,1977,2,630,1,0,0,0,0,0,0,2007,144000,144,Less than median +78,10530,6,5,1977,1977,0,975,1,1004,0,0,1004,1,0,1,0,2,1,4,0,1977,2,504,1,0,0,0,0,0,0,2006,135000,135,Less than median +63,7875,7,5,1995,1996,1237,1237,1,1253,0,0,1253,0,0,2,0,3,1,6,1,1995,2,402,1,220,21,0,0,0,0,2007,176000,176,More than median +65,7153,6,5,1992,1992,374,761,1,810,793,0,1603,0,0,2,1,3,1,7,0,1992,2,484,1,0,124,0,0,0,0,2006,175900,175.9,More than median +67,16285,7,5,2001,2002,1413,1413,1,1430,0,0,1430,0,0,2,0,3,1,6,0,2001,2,605,1,0,33,0,0,0,0,2009,187100,187.1,More than median +-1,9101,5,6,1978,1978,0,1097,1,1110,0,0,1110,1,0,1,0,1,1,4,1,1978,2,602,1,303,30,0,0,0,0,2009,165500,165.5,More than median +35,6300,6,6,1914,2001,742,742,1,742,742,0,1484,0,0,2,0,3,1,9,1,0,0,0,1,0,291,134,0,0,0,2008,128000,128,Less than median +-1,9790,6,5,1967,1967,491,1372,1,1342,0,0,1342,0,0,2,0,3,1,7,1,1967,2,457,1,0,0,0,0,197,0,2009,161500,161.5,Less than median +60,10800,5,6,1915,1950,0,686,1,966,686,0,1652,1,0,2,0,4,1,7,0,1961,1,416,1,0,0,196,0,0,0,2010,139000,139,Less than median +76,10142,7,5,2004,2004,300,956,1,956,1128,0,2084,1,0,2,1,4,1,8,0,2004,2,618,1,0,45,0,0,0,0,2010,233000,233,More than median +50,6000,4,7,1954,2000,901,901,1,901,0,0,901,0,0,1,0,2,1,4,0,1954,1,281,1,0,0,0,0,0,0,2008,107900,107.9,Less than median +-1,12205,6,8,1966,2007,264,832,1,976,1111,0,2087,0,0,2,1,5,1,9,0,1966,2,444,1,133,168,0,0,0,0,2007,187500,187.5,More than median +43,3182,7,5,2005,2006,1129,1145,1,1145,0,0,1145,0,0,2,0,2,1,5,1,2005,2,397,1,100,16,0,0,0,0,2009,160200,160.2,Less than median +-1,11333,6,5,1976,1976,490,1029,1,1062,0,0,1062,1,0,1,0,3,1,5,2,1976,2,539,1,120,0,0,0,0,0,2007,146800,146.8,Less than median +92,9920,7,5,1996,1997,255,1117,1,1127,886,0,2013,1,0,2,1,3,1,8,1,1997,2,455,1,180,130,0,0,0,0,2007,269790,269.79,More than median +76,9158,8,5,2007,2007,1496,1496,1,1496,0,0,1496,0,0,2,0,3,1,7,0,2007,2,474,1,168,130,0,0,0,0,2007,225000,225,More than median +-1,10832,7,5,1994,1996,712,712,1,1086,809,0,1895,0,0,2,1,3,1,7,1,1994,2,409,1,143,46,0,0,0,0,2008,194500,194.5,More than median +70,8400,6,6,1980,1981,650,650,1,888,676,0,1564,0,0,2,1,3,1,7,1,1980,2,476,1,0,50,0,0,204,0,2010,171000,171,More than median +71,8197,6,5,1977,1977,660,660,1,1285,0,0,1285,0,0,1,1,3,1,7,1,1977,2,528,1,138,0,0,0,0,0,2007,143500,143.5,Less than median +57,7677,5,5,1953,1953,203,773,1,773,0,0,773,0,0,1,0,2,1,4,0,1953,1,240,1,0,0,0,0,0,0,2008,110000,110,Less than median +104,13518,9,5,2008,2009,1926,1926,1,1966,1174,0,3140,0,0,3,1,4,1,11,2,2009,3,820,1,144,78,0,0,0,0,2009,485000,485,More than median +60,7200,5,7,1937,1950,162,731,1,981,787,0,1768,1,0,1,1,3,1,7,2,1939,1,240,1,0,0,264,0,0,0,2007,175000,175,More than median +79,12798,6,5,1997,1997,154,616,1,616,1072,0,1688,1,0,2,1,4,1,8,0,1997,2,603,1,403,114,185,0,0,0,2008,200000,200,More than median +40,4800,4,7,1916,1990,999,1196,1,1196,0,0,1196,1,0,1,0,2,1,5,0,1957,2,440,1,0,0,0,0,0,0,2007,109900,109.9,Less than median +63,8199,7,5,2005,2005,80,728,1,728,728,0,1456,1,0,2,1,3,1,7,1,2005,2,410,1,36,18,0,0,0,0,2008,189000,189,More than median +107,13891,9,5,2008,2009,1734,1734,1,1734,1088,0,2822,0,0,3,1,4,1,12,1,2009,3,1020,1,52,170,0,0,192,0,2009,582933,582.93,More than median +75,9000,5,5,1954,1954,124,936,1,1128,0,0,1128,0,0,1,0,2,1,5,0,1954,1,286,1,0,0,0,0,0,0,2006,118000,118,Less than median +91,12274,7,5,2008,2008,1417,1417,1,1428,0,0,1428,0,0,2,0,3,1,6,0,2008,2,554,1,0,60,0,0,0,0,2008,227680,227.68,More than median +75,9750,5,5,1967,1967,100,980,1,980,0,0,980,0,0,2,0,3,1,6,0,1967,1,384,1,68,0,0,0,0,0,2006,135500,135.5,Less than median +144,21384,5,6,1923,2004,15,1324,1,1072,504,0,1576,2,0,1,1,3,1,6,1,1923,2,528,1,0,312,0,0,0,0,2009,223500,223.5,More than median +85,13400,5,5,1966,1966,380,1024,1,1086,0,0,1086,1,0,1,0,3,1,6,1,1966,2,484,1,0,0,0,0,0,0,2006,159950,159.95,Less than median +90,8100,5,5,1898,1965,849,849,0,1075,1063,0,2138,0,0,2,0,2,3,11,0,1910,2,360,0,40,156,0,0,0,0,2009,106000,106,Less than median +78,10140,6,6,1974,1999,0,1040,1,1309,0,0,1309,1,0,1,1,3,1,5,1,1974,2,484,1,265,0,0,0,0,648,2006,181000,181,More than median +-1,4438,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,4,1,2004,2,420,1,140,0,0,0,0,0,2008,144500,144.5,Less than median +66,8712,5,5,1952,1952,540,540,0,1044,0,0,1044,0,0,1,0,2,1,4,0,1952,2,504,0,0,0,0,0,0,0,2010,55993,55.99,Less than median +75,9750,6,6,1958,1958,834,1442,1,1442,0,0,1442,0,0,1,1,4,1,7,0,1958,1,301,1,0,0,275,0,0,0,2007,157900,157.9,Less than median +45,8248,5,7,1918,1950,686,686,1,686,564,0,1250,0,1,1,1,3,1,7,0,1955,1,280,1,207,0,96,0,0,0,2006,116000,116,Less than median +48,12137,7,5,1998,1998,1649,1649,1,1661,0,0,1661,0,0,2,0,3,1,6,0,1998,2,598,1,0,34,0,0,0,0,2010,224900,224.9,More than median +-1,11425,5,6,1954,1954,522,1008,1,1008,0,0,1008,0,0,1,0,2,1,4,1,1954,1,275,1,0,0,120,0,0,0,2006,137000,137,Less than median +-1,13265,8,5,2002,2002,350,1568,1,1689,0,0,1689,1,0,2,0,3,1,7,2,2002,3,857,1,150,59,0,0,0,0,2008,271000,271,More than median +80,8816,6,7,1971,1971,506,1010,1,1052,0,0,1052,1,0,1,0,3,1,6,0,1971,2,440,1,0,0,0,0,0,0,2010,155000,155,Less than median +44,6371,7,5,2009,2010,625,1358,1,1358,0,0,1358,1,0,2,0,2,1,6,1,2010,2,484,1,192,35,0,0,0,0,2010,224000,224,More than median +72,7226,7,5,2003,2003,798,798,1,798,842,0,1640,0,0,2,1,3,1,6,0,2003,2,595,1,0,45,0,0,0,0,2008,183000,183,More than median +60,6000,4,4,1953,1953,936,936,0,936,0,0,936,0,0,1,0,2,1,4,0,1974,2,576,1,0,32,112,0,0,0,2009,93000,93,Less than median +-1,12394,7,5,2003,2003,847,847,1,847,886,0,1733,0,0,2,1,3,1,7,1,2003,2,433,1,100,48,0,0,0,0,2007,225000,225,More than median +60,9900,6,7,1940,1950,778,778,1,944,545,0,1489,0,0,2,0,3,1,7,1,1940,1,240,1,335,0,0,0,0,0,2009,139500,139.5,Less than median +81,11216,8,5,2006,2006,1489,1489,1,1489,0,0,1489,0,0,2,0,3,1,7,1,2006,2,776,1,0,140,0,0,0,0,2006,232600,232.6,More than median +114,14803,10,5,2007,2008,442,2078,1,2084,0,0,2084,1,0,2,0,2,1,7,1,2007,3,1220,1,188,45,0,0,0,0,2008,385000,385,More than median +50,6130,5,6,1924,1950,0,784,1,784,0,0,784,1,0,1,0,2,1,5,0,0,0,0,1,0,0,116,0,0,0,2008,109500,109.5,Less than median +65,8529,7,5,2001,2001,1434,1454,1,1434,0,0,1434,0,0,2,0,3,1,6,1,2001,2,527,1,290,39,0,0,0,0,2009,189000,189,More than median +-1,28698,5,5,1967,1967,0,1013,1,1160,966,0,2126,0,1,2,1,3,1,7,0,1967,2,538,1,486,0,0,0,225,0,2009,185000,185,More than median +24,2544,7,5,2005,2005,600,600,1,520,623,80,1223,0,0,2,1,2,1,4,0,2005,2,480,1,0,166,0,0,0,0,2006,147400,147.4,Less than median +80,11900,6,5,1957,1957,352,1392,1,1392,0,0,1392,1,0,1,1,3,1,6,2,1957,2,458,1,0,0,0,0,192,0,2008,166000,166,More than median +30,3180,7,5,2005,2005,600,600,1,520,600,80,1200,0,0,2,1,2,1,4,0,2005,2,480,1,0,166,0,0,0,0,2006,151000,151,Less than median +44,9548,7,6,2003,2003,458,941,1,941,888,0,1829,1,0,2,1,3,1,7,1,2003,2,613,1,192,39,0,0,0,0,2010,237000,237,More than median +100,10004,6,6,1964,1964,975,1516,1,1516,0,0,1516,0,0,1,1,3,1,6,0,1964,2,472,1,0,0,0,0,152,0,2009,167000,167,More than median +75,7875,5,6,1961,1961,572,1144,1,1144,0,0,1144,1,0,1,0,3,1,6,0,1961,2,456,1,0,0,0,0,0,0,2008,139950,139.95,Less than median +60,9600,4,7,1950,1995,625,1067,1,1067,0,0,1067,0,0,2,0,2,1,4,0,1996,2,436,1,290,0,0,0,0,0,2010,128000,128,Less than median +90,8100,5,6,1948,1973,1221,1559,1,1559,0,0,1559,1,0,1,0,2,1,5,0,1948,2,812,1,0,116,230,0,0,0,2007,153500,153.5,Less than median +21,1680,6,5,1973,1973,153,483,1,483,504,0,987,1,0,1,1,2,1,5,0,1973,1,264,1,0,0,0,0,0,0,2008,100000,100,Less than median +75,9525,5,6,1995,2006,1099,1099,1,1099,0,0,1099,0,0,1,1,3,1,6,0,1999,1,352,1,278,0,0,0,0,0,2008,144000,144,Less than median +70,11767,5,6,1946,1995,416,768,1,768,432,0,1200,0,0,1,0,3,1,6,0,1946,1,240,1,0,0,0,0,0,0,2008,130500,130.5,Less than median +-1,12155,6,8,1925,1950,516,672,0,810,672,0,1482,0,0,2,0,4,1,7,0,1934,1,400,1,0,0,254,0,0,0,2008,140000,140,Less than median +60,10440,5,8,1904,2002,650,650,1,958,581,0,1539,0,0,2,0,3,1,8,1,1983,2,686,1,70,78,68,0,0,0,2008,157500,157.5,Less than median +82,9020,6,7,1966,1966,276,1127,1,1165,0,0,1165,1,0,1,1,3,1,6,0,1966,2,490,1,0,129,0,0,0,0,2008,174900,174.9,More than median +80,8000,5,4,1961,1961,1800,1800,0,1800,0,0,1800,0,0,2,0,6,2,10,0,0,0,0,1,0,0,0,0,0,0,2007,141000,141,Less than median +100,12665,5,8,1915,1950,876,876,1,876,540,0,1416,0,0,1,1,4,1,7,1,1949,3,720,1,418,0,194,0,0,0,2008,153900,153.9,Less than median +-1,16647,5,5,1975,1981,0,1390,1,1701,0,0,1701,1,0,2,0,3,1,6,2,1975,2,611,1,0,0,0,0,0,0,2007,171000,171,More than median +75,9317,7,5,1993,1993,227,740,1,1006,769,0,1775,1,0,2,1,3,1,7,1,1993,2,425,1,234,72,192,0,0,0,2009,213000,213,More than median +36,15523,5,6,1972,1972,404,864,1,864,0,0,864,1,0,1,0,3,1,5,1,1972,1,338,1,0,0,0,0,0,0,2009,133500,133.5,Less than median +75,45600,6,8,1908,1997,907,907,1,1307,1051,0,2358,0,0,3,0,5,1,10,1,1908,2,360,1,486,40,0,0,175,0,2008,240000,240,More than median +80,9600,6,7,1976,1994,528,528,1,1094,761,0,1855,0,0,2,1,3,1,7,1,1976,2,512,1,113,100,0,0,0,0,2007,187000,187,More than median +36,4435,6,5,2003,2003,189,848,1,848,0,0,848,1,0,1,0,1,1,3,0,2003,2,420,1,140,0,0,0,0,0,2007,131500,131.5,Less than median +-1,3196,8,5,2003,2003,1273,1273,1,1456,0,0,1456,0,0,2,0,2,1,7,1,2003,2,400,1,143,20,0,0,0,0,2006,215000,215,More than median +53,7128,7,5,1941,1950,554,918,1,918,728,0,1646,0,0,2,0,4,1,7,2,1941,1,240,1,0,0,0,0,126,0,2007,164000,164,More than median +-1,12095,6,6,1964,1964,563,1127,1,1445,0,0,1445,0,0,1,1,3,1,7,1,1964,2,645,1,180,0,0,0,0,0,2009,158000,158,Less than median +102,17920,5,4,1955,1974,372,1763,1,1779,0,0,1779,1,0,1,1,3,1,6,1,1955,2,454,1,0,418,0,0,312,0,2006,170000,170,More than median +-1,6897,5,8,1962,2010,381,1040,1,1040,0,0,1040,1,0,1,1,3,1,6,0,1962,1,260,1,0,104,0,0,0,0,2010,127000,127,Less than median +-1,10970,6,6,1978,1978,0,940,1,1026,0,0,1026,1,0,1,0,3,1,5,0,1981,2,576,1,0,0,34,0,0,0,2008,147000,147,Less than median +65,8125,6,5,1994,1995,702,702,1,702,779,0,1481,0,0,2,1,3,1,6,1,1994,2,343,1,0,36,0,0,0,0,2009,174000,174,More than median +80,10400,7,5,1976,1976,1090,1090,1,1370,0,0,1370,0,0,2,0,3,1,6,1,1976,2,479,1,0,0,0,0,0,0,2009,152000,152,Less than median +-1,11029,6,7,1968,1984,435,1054,1,1512,1142,0,2654,1,0,2,1,4,1,9,1,1968,2,619,1,0,65,0,0,222,0,2006,250000,250,More than median +55,7642,7,8,1918,1998,912,912,1,912,514,0,1426,0,0,1,1,3,1,7,1,1925,1,216,1,0,240,0,0,0,0,2007,189950,189.95,More than median +75,11625,5,4,1965,1965,198,1039,1,1039,0,0,1039,1,0,1,1,3,1,6,0,1965,2,504,1,0,0,0,0,0,0,2010,131500,131.5,Less than median +81,9672,6,5,1984,1985,702,1040,1,1097,0,0,1097,0,0,2,0,3,1,6,0,1986,2,480,1,0,0,0,0,0,0,2010,152000,152,Less than median +70,7931,5,5,1959,1959,0,1148,1,1148,0,0,1148,1,0,1,0,3,1,6,0,1959,1,672,1,0,0,0,0,0,0,2009,132500,132.5,Less than median +72,8640,7,5,2007,2008,1372,1372,1,1372,0,0,1372,0,0,2,0,3,1,6,0,2008,2,529,1,0,140,0,0,0,0,2008,250580,250.58,More than median +-1,8750,5,6,1970,1970,174,1002,1,1002,0,0,1002,1,0,1,0,3,1,5,0,1973,2,902,1,0,0,0,0,0,0,2009,148500,148.5,Less than median +67,10656,8,5,2006,2007,1638,1638,1,1646,0,0,1646,0,0,2,0,3,1,6,1,2007,3,870,1,192,80,0,0,0,0,2007,248900,248.9,More than median +85,6970,4,5,1961,1961,108,1040,1,1120,0,0,1120,1,0,1,1,3,1,5,0,1961,2,544,1,168,0,0,0,0,0,2007,129000,129,Less than median +-1,14762,5,6,1948,1950,0,0,1,1547,720,53,2320,0,0,2,0,2,1,7,1,1979,2,672,1,120,144,0,0,0,0,2006,169000,169,More than median +80,9938,7,5,1993,1994,300,1050,1,1062,887,0,1949,1,0,2,1,3,1,8,1,1993,2,574,1,156,90,0,0,0,0,2010,236000,236,More than median +60,6600,5,5,1962,1962,894,894,0,894,0,0,894,0,0,1,0,2,1,5,0,1962,1,308,1,0,0,0,0,0,0,2009,109500,109.5,Less than median +70,8750,6,5,1998,1998,299,804,1,804,878,0,1682,0,0,2,1,3,1,7,0,1998,2,523,1,0,77,0,0,0,0,2010,200500,200.5,More than median +74,8892,5,7,1953,1996,105,105,1,910,0,0,910,0,0,1,0,3,1,5,0,1953,2,414,1,196,0,150,0,0,0,2008,116000,116,Less than median +60,12144,5,7,1949,1950,457,832,1,1036,0,232,1268,0,0,1,0,3,1,6,1,1949,1,288,1,0,28,0,0,0,0,2009,133000,133,Less than median +52,5720,5,6,1941,1950,676,676,1,676,455,0,1131,0,0,1,1,3,1,5,0,1941,1,200,1,26,0,0,0,0,0,2009,66500,66.5,Less than median +75,9000,8,5,2007,2007,1120,1184,1,1184,1426,0,2610,0,0,2,1,4,1,11,1,2007,2,550,1,208,364,0,0,0,0,2007,303477,303.48,More than median +94,25286,4,5,1963,1963,431,1064,1,1040,0,0,1040,1,0,1,0,3,1,5,0,1963,2,648,1,0,0,0,0,0,0,2007,132250,132.25,Less than median +74,8834,9,5,2004,2005,292,1462,1,1462,762,0,2224,1,0,2,1,4,1,10,1,2004,3,738,1,184,0,0,0,0,0,2009,350000,350,More than median +88,11782,5,7,1961,1995,210,1109,1,1155,0,0,1155,1,0,1,0,3,1,6,0,1987,2,576,1,192,0,0,0,0,0,2010,148000,148,Less than median +-1,7000,5,8,1978,2005,218,864,1,864,0,0,864,1,0,1,0,3,1,6,0,1978,1,336,1,0,0,0,0,0,0,2009,136500,136.5,Less than median +60,7024,5,5,2005,2006,110,1090,1,1090,0,0,1090,1,0,1,1,2,1,5,0,2005,2,450,1,0,49,0,0,0,0,2007,157000,157,Less than median +44,13758,7,5,1990,1991,254,1156,1,1187,530,0,1717,0,0,2,1,3,1,7,1,1990,2,400,1,168,36,0,0,0,0,2007,187500,187.5,More than median +-1,9636,6,5,1992,1993,808,808,1,808,785,0,1593,0,0,2,1,3,1,7,1,1993,2,389,1,342,40,0,0,0,0,2009,178000,178,More than median +60,6204,4,5,1912,1950,795,795,0,954,795,481,2230,1,0,1,0,5,1,10,0,1997,1,440,1,0,188,0,0,0,0,2006,118500,118.5,Less than median +65,7150,5,5,1967,1967,460,892,1,892,0,0,892,0,0,1,0,3,1,5,0,1967,1,288,1,0,0,0,0,0,0,2009,100000,100,Less than median +50,5119,9,5,1999,2000,460,1698,1,1709,0,0,1709,1,0,2,0,2,1,5,1,1999,2,506,1,97,65,0,0,0,0,2008,328900,328.9,More than median +70,8393,5,5,1959,2005,1098,1626,1,1712,0,0,1712,0,0,2,0,4,2,8,0,2005,2,588,1,272,54,0,0,0,0,2006,145000,145,Less than median +59,16466,5,7,1955,1955,816,816,1,872,521,0,1393,0,0,1,1,3,1,8,0,1955,1,300,1,121,0,0,0,265,0,2008,135500,135.5,Less than median +95,15865,8,6,1970,1970,1043,2217,1,2217,0,0,2217,1,0,2,0,4,1,8,1,1970,2,621,1,81,207,0,0,224,0,2007,268000,268,More than median +128,12160,6,4,1953,1953,481,1505,1,1505,0,0,1505,1,0,1,0,2,1,6,1,1953,2,505,1,0,0,0,162,0,0,2009,149500,149.5,Less than median +60,8064,5,7,1949,2006,672,672,1,672,252,0,924,0,0,1,0,3,1,6,1,2003,2,576,1,0,0,0,0,0,0,2007,122900,122.9,Less than median +70,11184,6,5,1978,1978,192,918,1,918,765,0,1683,0,0,2,1,3,1,7,1,1978,2,440,1,243,0,0,0,0,0,2009,172500,172.5,More than median +70,8414,6,8,1963,2003,396,1059,1,1068,0,0,1068,0,1,1,0,3,1,6,0,1963,1,264,1,192,0,0,0,0,0,2006,154500,154.5,Less than median +-1,13284,5,5,1954,1954,319,1383,1,1383,0,0,1383,1,0,1,0,3,1,6,1,1954,1,354,1,511,116,0,0,0,0,2008,165000,165,More than median +64,7018,5,5,1979,1979,0,0,1,1535,0,0,1535,0,0,2,0,4,2,8,0,1979,2,400,1,0,0,0,0,0,0,2009,118858,118.86,Less than median +71,7056,6,5,1963,1963,380,780,1,983,813,0,1796,1,0,1,1,4,1,8,1,1963,2,483,1,0,50,0,0,0,0,2008,140000,140,Less than median +50,8765,4,6,1936,1950,666,951,0,951,0,0,951,0,0,1,0,2,1,6,0,1936,1,327,1,0,28,0,0,0,0,2006,106500,106.5,Less than median +64,7018,5,5,1979,1979,0,0,1,1120,1120,0,2240,0,0,2,0,6,2,12,0,1979,2,528,1,154,0,0,0,0,0,2009,142953,142.95,Less than median +100,12919,9,5,2009,2010,142,2330,1,2364,0,0,2364,1,0,2,1,2,1,11,2,2009,3,820,1,0,67,0,0,0,0,2010,611657,611.66,More than median +65,6993,5,7,1961,1994,447,912,1,1236,0,0,1236,0,0,1,0,3,1,6,1,1961,1,288,1,0,0,0,0,0,0,2006,135000,135,Less than median +-1,7340,4,6,1971,1971,536,858,1,858,0,0,858,0,0,1,0,2,1,4,0,1979,1,684,1,0,0,0,0,0,0,2007,110000,110,Less than median +64,8712,5,7,1957,2000,132,992,1,1306,0,0,1306,1,0,1,0,2,1,5,0,1968,1,756,1,0,0,0,0,0,0,2009,153000,153,Less than median +63,7875,7,5,2003,2003,783,783,1,807,702,0,1509,0,0,2,1,3,1,8,1,2003,2,393,1,0,75,0,0,0,0,2006,180000,180,More than median +50,14859,7,5,2006,2006,1670,1670,1,1670,0,0,1670,0,0,2,0,3,1,7,1,2006,3,690,1,144,60,0,0,0,0,2006,240000,240,More than median +-1,6173,5,6,1967,1967,277,876,1,902,0,0,902,0,0,1,0,3,1,6,0,1967,1,288,1,0,0,0,0,0,0,2007,125500,125.5,Less than median +80,9920,5,5,1954,1954,412,1056,1,1063,0,0,1063,1,0,1,0,3,1,6,0,1954,1,280,1,0,0,164,0,0,0,2010,128000,128,Less than median +116,13501,8,5,2006,2006,1560,1623,1,1636,0,0,1636,1,0,2,0,3,1,8,1,2006,3,865,1,0,60,0,0,0,0,2007,255000,255,More than median +86,11500,7,7,1936,1987,794,1017,1,1020,1037,0,2057,0,0,1,1,3,1,6,1,1936,1,180,1,0,0,0,0,322,0,2006,250000,250,More than median +-1,8885,5,5,1983,1983,239,864,1,902,0,0,902,1,0,1,0,2,1,5,0,1983,2,484,1,164,0,0,0,0,0,2006,131000,131,Less than median +149,12589,6,5,2005,2005,742,742,1,742,742,0,1484,0,0,2,1,3,1,8,1,2005,2,390,1,36,24,0,0,0,0,2009,174000,174,More than median +80,11600,5,5,1960,1960,662,1105,1,1105,1169,0,2274,0,0,2,0,5,2,12,0,1960,2,480,1,0,0,0,0,0,0,2010,154300,154.3,Less than median +-1,9286,5,7,1977,1989,1072,1268,1,1268,0,0,1268,0,0,1,1,3,1,5,0,1978,1,252,1,173,0,0,0,0,0,2009,143500,143.5,Less than median +51,6120,5,7,1925,1950,279,768,0,1015,0,0,1015,0,0,1,0,3,1,6,0,1925,1,450,1,0,0,112,0,120,0,2006,88000,88,Less than median +82,6270,5,6,1949,1950,717,1001,0,1001,1001,0,2002,0,0,2,0,4,2,8,0,1949,3,871,1,0,0,0,0,0,0,2007,145000,145,Less than median +30,3000,6,5,2009,2009,318,612,1,612,612,0,1224,0,0,2,1,2,1,4,0,2009,2,528,1,0,234,0,0,0,0,2009,173733,173.73,More than median +21,2001,4,5,1970,1970,546,546,1,546,546,0,1092,0,0,1,1,3,1,6,0,1970,1,286,1,0,0,0,0,0,0,2007,75000,75,Less than median +50,9000,2,3,1949,1950,430,480,0,480,0,0,480,1,0,0,0,1,1,4,0,1958,1,308,1,0,0,0,0,0,0,2006,35311,35.31,Less than median +-1,17140,4,6,1956,1956,75,1134,1,1229,0,0,1229,0,0,1,0,3,1,6,0,1956,1,284,1,0,0,0,0,0,0,2009,135000,135,Less than median +103,13125,7,5,1991,1991,422,1104,1,912,1215,0,2127,1,0,2,1,4,1,8,1,1991,3,833,1,72,192,224,0,0,0,2007,238000,238,More than median +87,11029,6,8,1958,2002,245,1184,1,1414,0,0,1414,1,0,1,0,3,1,6,1,1990,2,601,1,0,51,0,0,190,0,2008,176500,176.5,More than median +70,8462,6,5,1994,1994,114,928,1,936,785,0,1721,0,1,2,1,3,1,7,0,1994,2,471,1,300,87,0,0,0,0,2007,201000,201,More than median +67,8777,5,7,1900,2003,188,1272,1,1272,928,0,2200,2,0,2,2,4,2,9,0,0,0,0,0,0,70,0,0,0,0,2008,145900,145.9,Less than median +65,10237,6,5,2005,2006,1288,1316,1,1316,0,0,1316,0,0,2,0,3,1,6,1,2005,2,397,1,100,0,0,23,0,0,2006,169990,169.99,More than median +50,8012,6,5,1993,1994,598,1604,1,1617,0,0,1617,1,0,2,0,2,1,5,1,1993,2,533,1,0,69,0,0,0,0,2008,193000,193,More than median +79,10240,6,6,1980,1980,0,1686,1,1686,0,0,1686,1,0,2,0,3,1,7,1,1980,2,612,1,384,131,0,0,0,0,2006,207500,207.5,More than median +-1,15611,5,6,1977,1977,266,1126,1,1126,0,0,1126,0,1,2,0,3,1,6,0,1977,2,540,1,180,0,0,0,0,0,2008,175000,175,More than median +93,11999,8,5,2003,2004,1181,1181,1,1234,1140,0,2374,0,0,2,1,4,1,10,1,2003,3,656,1,104,100,0,0,0,0,2007,285000,285,More than median +-1,9900,7,5,1968,1968,280,832,1,1098,880,0,1978,0,0,2,1,4,1,9,1,1968,2,486,1,0,43,0,0,0,0,2008,176000,176,More than median +-1,11838,8,5,2001,2001,1753,1753,1,1788,0,0,1788,0,0,2,0,3,1,7,1,2001,2,522,1,202,151,0,0,0,0,2009,236500,236.5,More than median +-1,13006,7,5,1997,1997,964,964,1,993,1243,0,2236,0,0,2,1,4,1,8,1,1997,2,642,1,0,0,0,0,0,0,2006,222000,222,More than median +73,8925,8,5,2007,2007,1450,1466,1,1466,0,0,1466,0,0,2,0,3,1,7,0,2007,3,610,1,100,18,0,0,0,0,2009,201000,201,More than median +70,9100,5,6,1965,1965,121,925,1,925,0,0,925,0,1,1,0,2,1,5,0,1965,1,429,1,0,0,0,0,0,0,2009,117500,117.5,Less than median +84,11670,9,5,2006,2006,1905,1905,1,1905,0,0,1905,0,0,2,0,3,1,8,1,2006,3,788,1,0,191,0,0,0,0,2007,320000,320,More than median +63,8487,7,5,2004,2004,1480,1500,1,1500,0,0,1500,0,0,2,0,3,1,6,0,2004,2,570,1,192,36,0,0,0,0,2009,190000,190,More than median +313,27650,7,7,1960,2007,160,585,1,2069,0,0,2069,1,0,2,0,4,1,9,1,1960,2,505,1,0,0,0,0,0,0,2008,242000,242,More than median +52,5825,4,5,1926,1953,600,600,1,747,0,0,747,0,0,1,0,1,1,5,0,1953,2,528,1,0,0,32,0,0,0,2006,79900,79.9,Less than median +67,10083,7,5,2003,2003,343,1176,1,1200,0,0,1200,1,0,2,0,2,1,5,0,2003,2,555,1,0,41,0,0,0,0,2009,184900,184.9,More than median +75,9675,7,5,2005,2005,772,1113,1,1113,858,0,1971,0,0,2,1,3,1,8,1,2005,2,689,1,0,48,0,0,0,0,2009,253000,253,More than median +73,8760,7,5,2006,2006,927,1391,1,1391,571,0,1962,0,0,2,1,3,1,7,0,2006,3,868,1,0,90,0,0,0,0,2006,239799,239.8,More than median +-1,24090,7,7,1940,1950,1032,1032,1,1207,1196,0,2403,0,0,2,0,4,1,10,2,1940,1,349,1,56,0,318,0,0,0,2010,244400,244.4,More than median +55,12640,6,5,1976,1976,396,1728,1,1728,0,0,1728,0,0,2,0,4,2,8,0,1976,2,574,1,40,0,0,0,0,0,2006,150900,150.9,Less than median +-1,8755,7,5,1999,1999,220,992,1,1022,1038,0,2060,1,0,2,1,3,1,8,1,1999,2,390,1,0,0,0,168,0,0,2009,214000,214,More than median +42,7711,4,3,1977,1977,0,1440,1,1440,0,0,1440,2,0,2,0,4,2,8,0,0,0,0,0,321,0,0,0,0,0,2007,150000,150,Less than median +100,25000,5,4,1967,1967,1632,1632,1,1632,0,0,1632,0,0,2,0,4,2,8,0,1967,2,576,1,0,0,0,0,0,0,2007,143000,143,Less than median +-1,14375,6,6,1958,1958,354,819,1,1344,0,0,1344,0,1,1,0,3,1,7,1,1958,2,525,1,0,118,0,0,233,0,2009,137500,137.5,Less than median +98,8820,5,6,1890,1996,0,1088,1,1188,561,120,1869,0,0,1,0,2,1,7,0,1963,2,456,1,48,0,244,0,0,0,2009,124900,124.9,Less than median +70,8163,5,6,1959,1959,102,1144,1,1144,0,0,1144,1,0,1,0,3,1,6,1,1959,1,796,1,86,0,0,0,0,0,2006,143000,143,Less than median +85,14536,8,5,2002,2003,316,1616,1,1629,0,0,1629,1,0,2,0,3,1,9,1,2002,3,808,1,0,252,0,0,0,0,2007,270000,270,More than median +65,14006,7,5,2002,2002,936,936,1,936,840,0,1776,0,0,2,1,3,1,7,1,2002,2,474,1,144,96,0,0,0,0,2006,192500,192.5,More than median +78,9360,6,7,1972,2006,179,1161,1,1381,0,0,1381,1,0,1,1,3,1,5,1,1972,2,676,1,0,0,0,0,0,0,2010,197500,197.5,More than median +60,7200,5,8,1950,2002,317,864,1,864,0,0,864,1,0,1,0,3,1,5,0,1980,2,720,1,194,0,0,0,0,0,2007,129000,129,Less than median +60,7800,5,5,1965,1965,187,828,1,965,0,0,965,1,0,1,0,3,1,6,0,1979,1,300,1,421,0,0,0,0,0,2006,119900,119.9,Less than median +60,7200,5,8,1972,2003,108,768,1,768,0,0,768,0,1,1,0,2,1,5,0,1974,1,396,1,192,0,0,0,0,0,2009,133900,133.9,Less than median +-1,11075,5,4,1969,1969,29,784,1,1168,800,0,1968,0,1,2,1,4,1,7,1,1969,2,530,1,305,189,0,0,0,0,2008,172000,172,More than median +35,9400,6,5,1975,1975,0,945,1,980,0,0,980,0,2,2,0,4,0,4,0,0,0,0,1,0,0,0,0,0,0,2006,127500,127.5,Less than median +82,7136,6,6,1946,1950,495,979,0,979,979,0,1958,0,0,2,0,4,2,8,0,1946,2,492,1,0,0,0,0,0,0,2007,145000,145,Less than median +24,1300,6,6,1980,1980,276,561,1,561,668,0,1229,0,0,1,1,2,1,5,1,1980,2,462,1,150,0,0,0,0,0,2009,124000,124,Less than median +70,7420,5,5,1962,1962,640,1057,1,1057,0,0,1057,0,0,1,0,3,1,6,0,1977,2,576,1,0,0,0,0,0,0,2007,132000,132,Less than median +65,8450,7,5,2003,2003,638,1337,1,1337,0,0,1337,1,0,2,0,3,1,6,0,2003,2,531,1,0,39,0,0,0,0,2007,185000,185,More than median +24,2572,7,5,1999,1999,92,696,1,696,720,0,1416,1,0,2,1,3,1,6,0,1999,2,484,1,0,44,0,0,0,0,2010,155000,155,Less than median +50,7207,5,7,1958,2008,162,858,1,858,0,0,858,1,0,1,0,2,1,4,0,0,0,0,1,117,0,0,0,0,0,2010,116500,116.5,Less than median +-1,12227,6,7,1977,1995,434,1330,1,1542,1330,0,2872,1,0,2,1,4,1,11,1,1977,2,619,1,550,282,0,0,0,0,2008,272000,272,More than median +24,2308,6,6,1976,1976,248,804,1,804,744,0,1548,1,0,2,1,3,1,7,1,1976,2,440,1,48,0,0,0,0,0,2007,155000,155,Less than median +122,11923,9,5,2007,2007,1800,1800,1,1800,0,0,1800,0,0,2,0,2,1,7,0,2007,2,702,1,288,136,0,0,0,0,2009,239000,239,More than median +80,11316,7,5,2002,2003,193,817,1,824,1070,0,1894,1,0,2,1,4,1,8,1,2002,2,510,1,0,40,0,0,0,0,2010,214900,214.9,More than median +65,10237,6,5,2005,2007,783,783,1,783,701,0,1484,0,0,2,1,3,1,8,1,2005,2,393,1,0,72,0,0,0,0,2007,178900,178.9,More than median +130,9600,5,7,1940,1950,300,728,1,976,332,0,1308,1,0,1,1,2,1,7,2,1940,1,256,1,0,70,0,0,0,0,2009,160000,160,Less than median +-1,7390,5,7,1955,1955,196,1098,1,1098,0,0,1098,1,0,1,0,3,1,6,0,1955,1,260,1,0,0,0,0,0,0,2008,135000,135,Less than median +50,5925,3,6,1910,1950,600,600,0,600,368,0,968,0,0,1,0,2,1,6,0,0,0,0,1,0,0,0,0,0,0,2009,37900,37.9,Less than median +75,10382,6,5,1958,1958,75,588,1,1095,0,0,1095,1,0,1,0,2,1,6,0,1958,1,264,1,0,0,0,0,0,0,2006,140000,140,Less than median +60,10800,4,4,1949,1950,720,720,0,720,472,0,1192,0,0,1,1,4,1,6,0,0,0,0,1,0,0,0,0,0,0,2006,135000,135,Less than median +36,2268,7,5,2003,2004,197,764,1,764,862,0,1626,0,0,2,0,2,1,6,0,2003,2,474,1,0,27,0,0,0,0,2009,173000,173,More than median +55,7892,6,5,1979,1979,918,918,1,918,0,0,918,0,0,2,0,2,1,5,1,1979,1,264,1,28,0,0,0,0,0,2010,99500,99.5,Less than median +95,11639,7,5,2007,2008,1428,1428,1,1428,0,0,1428,0,0,2,0,3,1,6,0,2007,2,480,1,0,120,0,0,0,0,2008,182000,182,More than median +60,11414,7,8,1910,1993,728,728,0,1136,883,0,2019,0,0,1,0,3,1,8,0,1997,2,532,1,509,135,0,0,0,0,2009,167500,167.5,More than median +-1,2651,7,5,2000,2000,32,673,1,673,709,0,1382,1,0,2,1,3,1,6,0,2000,2,490,1,153,50,0,0,0,0,2006,165000,165,More than median +51,5900,4,7,1923,1958,440,440,1,869,0,0,869,0,0,1,0,2,1,4,0,0,0,0,1,0,0,0,0,0,0,2006,85500,85.5,Less than median +35,4274,7,5,2006,2007,135,1241,1,1241,0,0,1241,1,0,1,1,1,1,4,0,2007,2,569,1,0,116,0,0,0,0,2007,199900,199.9,More than median +68,9450,4,5,1954,1954,342,894,1,894,0,0,894,0,0,1,0,3,1,5,0,1999,2,400,1,0,0,0,0,0,0,2007,110000,110,Less than median +80,8816,5,6,1963,1963,470,1121,1,1121,0,0,1121,1,0,1,0,3,1,5,0,1963,2,480,1,0,80,0,0,0,0,2009,139000,139,Less than median +-1,12122,7,9,1961,2007,77,944,1,999,0,0,999,1,0,1,0,3,1,6,0,1961,2,588,1,144,76,0,0,0,0,2008,178400,178.4,More than median +98,12203,8,5,1998,1999,371,1225,1,1276,1336,0,2612,1,0,2,1,4,1,8,1,1998,3,676,1,250,0,0,0,0,0,2009,336000,336,More than median +43,3182,7,5,2007,2007,1266,1266,1,1266,0,0,1266,0,0,2,0,2,1,6,1,2007,2,388,1,100,16,0,0,0,0,2008,159895,159.9,Less than median +-1,11250,8,5,2002,2002,1128,1128,1,1149,1141,0,2290,0,0,2,1,4,1,9,1,2002,2,779,1,0,0,0,0,0,0,2008,255900,255.9,More than median +75,10125,5,5,1977,1977,0,0,1,1302,432,0,1734,0,0,2,0,4,2,8,0,1977,2,539,1,0,0,0,0,0,0,2009,126000,126,Less than median +68,10880,5,5,1950,1950,124,1164,0,1164,0,0,1164,1,0,1,0,3,1,5,0,1950,1,240,1,0,48,0,0,0,0,2008,125000,125,Less than median +59,5310,6,8,1910,2003,485,485,1,1001,634,0,1635,0,0,1,0,2,1,5,0,1950,1,255,1,394,0,0,0,0,0,2006,117000,117,Less than median +83,10159,9,5,2009,2010,284,1930,1,1940,0,0,1940,1,0,2,1,3,1,8,1,2010,3,606,1,168,95,0,0,0,0,2010,395192,395.19,More than median +-1,12046,6,6,1976,1976,692,848,1,1118,912,0,2030,0,0,2,1,4,1,8,1,1976,2,551,1,0,224,0,0,0,0,2007,195000,195,More than median +65,8125,7,5,2006,2006,770,770,1,778,798,0,1576,0,0,2,1,3,1,6,0,2006,2,614,1,0,50,0,0,0,0,2006,197000,197,More than median +82,9452,8,5,1997,1998,322,1396,1,1407,985,0,2392,1,0,2,1,3,1,7,1,1997,3,870,1,0,70,0,0,0,0,2006,348000,348,More than median +121,17671,8,9,1882,1986,700,916,1,916,826,0,1742,0,0,1,1,4,1,8,1,1925,2,424,1,0,169,0,0,0,0,2009,168000,168,More than median +80,9760,6,8,1964,1993,169,822,1,1020,831,0,1851,0,0,2,1,3,1,7,1,1964,2,440,1,239,42,0,0,0,0,2007,187000,187,More than median +68,8846,6,5,2005,2006,750,750,1,750,750,0,1500,0,0,2,1,3,1,6,0,2005,2,564,1,0,35,0,0,0,0,2006,173900,173.9,More than median +96,12456,10,5,2006,2007,528,1700,1,1718,0,0,1718,1,0,2,0,3,1,7,1,2008,3,786,1,216,48,0,0,0,0,2009,337500,337.5,More than median +51,4712,4,7,1946,1950,363,747,1,774,456,0,1230,1,0,1,1,3,1,5,0,1946,1,305,1,0,57,0,0,63,0,2006,121600,121.6,Less than median +-1,10659,5,6,1961,1961,135,1050,1,1050,0,0,1050,1,0,1,0,3,1,6,0,1961,1,368,1,0,319,0,0,0,0,2006,136500,136.5,Less than median +-1,11717,6,6,1970,1970,1442,1442,1,1442,0,0,1442,0,0,2,0,2,1,6,1,1970,2,615,1,371,0,0,0,0,0,2009,185000,185,More than median +60,9786,3,4,1922,1950,1007,1007,0,1077,0,0,1077,0,0,1,0,3,1,6,1,1922,1,210,1,0,100,48,0,0,0,2006,91000,91,Less than median +64,6762,7,5,2006,2006,501,1187,1,1208,0,0,1208,1,0,2,0,2,1,6,0,2006,2,632,1,105,61,0,0,0,0,2010,206000,206,More than median +74,10206,3,3,1952,1952,0,0,0,944,0,0,944,0,0,1,0,2,1,4,0,1956,2,528,1,0,0,0,0,0,0,2009,82000,82,Less than median +60,5400,5,6,1920,1950,691,691,1,691,0,0,691,0,0,1,0,2,1,4,0,1920,1,216,0,0,20,94,0,0,0,2007,86000,86,Less than median +75,11957,8,5,2006,2006,1550,1574,1,1574,0,0,1574,0,0,2,0,3,1,7,1,2006,3,824,1,144,104,0,0,0,0,2008,232000,232,More than median +-1,11500,5,6,1976,1976,1680,1680,1,1680,0,0,1680,0,0,2,0,4,2,8,0,1976,2,528,1,0,0,0,0,0,0,2007,136905,136.91,Less than median +43,3182,7,5,2005,2006,1330,1346,1,1504,0,0,1504,0,0,2,0,1,1,7,1,2005,2,457,1,156,0,0,0,0,0,2009,181000,181,More than median +65,8385,5,8,1977,1977,390,985,1,985,0,0,985,0,0,2,0,3,1,6,0,1977,1,328,1,210,0,0,0,0,0,2008,149900,149.9,Less than median +-1,12155,6,3,1970,1970,420,1657,1,1657,0,0,1657,0,1,2,0,3,1,7,1,1970,2,484,1,0,0,0,0,147,0,2007,163500,163.5,More than median +21,2217,4,4,1970,1970,0,546,1,546,546,0,1092,0,0,1,1,3,1,6,0,1970,1,286,1,238,0,0,0,0,0,2009,88000,88,Less than median +43,12118,7,5,2004,2005,1710,1710,1,1710,0,0,1710,0,0,2,0,3,1,7,1,2004,2,550,1,100,48,0,0,180,0,2009,240000,240,More than median +60,6000,5,5,1926,1950,1008,1008,1,1008,0,514,1522,0,0,2,0,4,1,7,0,0,0,0,1,0,0,138,0,0,0,2006,102000,102,Less than median +115,21286,5,5,1948,1950,720,720,1,720,551,0,1271,0,0,2,0,4,1,7,1,1948,1,312,1,0,0,108,0,0,0,2008,135000,135,Less than median +75,9825,5,5,1965,1965,0,0,0,1664,0,0,1664,0,0,2,0,4,2,8,0,0,0,0,1,0,0,0,0,0,0,2010,100000,100,Less than median +55,10592,6,7,1923,1996,602,602,1,900,602,0,1502,0,0,1,1,3,1,7,2,1923,1,180,1,96,0,112,0,53,0,2007,165000,165,More than median +60,7200,5,4,1910,2006,310,1022,0,1022,0,0,1022,1,0,1,0,2,1,4,0,1956,1,280,1,0,30,226,0,0,0,2009,85000,85,Less than median +60,11664,6,5,1948,1950,746,1082,1,1082,0,0,1082,0,0,1,0,2,1,5,1,1948,1,240,1,0,130,0,0,0,0,2007,119200,119.2,Less than median +70,8400,8,6,2001,2001,167,810,1,810,855,0,1665,1,0,2,1,3,1,6,0,2001,2,528,1,0,45,0,0,0,0,2009,227000,227,More than median +73,11883,7,5,1996,1996,814,1504,1,1504,0,0,1504,1,0,2,0,3,1,6,1,1996,2,478,1,115,66,0,0,0,0,2009,203000,203,More than median +-1,5814,8,5,1984,1984,184,1220,1,1360,0,0,1360,1,0,1,0,1,1,4,1,1984,2,565,1,63,0,0,0,0,0,2009,187500,187.5,More than median +-1,10784,7,5,1991,1992,384,384,1,802,670,0,1472,0,0,2,1,3,1,7,1,1991,2,402,1,164,0,0,0,0,0,2007,160000,160,Less than median +43,3013,7,5,2005,2005,1346,1362,1,1506,0,0,1506,0,0,2,0,2,1,6,1,2005,2,440,1,142,20,0,0,0,0,2006,213490,213.49,More than median +60,7024,4,5,2005,2005,108,1132,1,1132,0,0,1132,1,0,1,1,2,1,5,0,2005,2,451,1,252,64,0,0,0,0,2008,176000,176,More than median +64,7406,7,5,2006,2006,515,1199,1,1220,0,0,1220,1,0,2,0,2,1,6,0,2006,2,632,1,105,54,0,0,0,0,2006,194000,194,More than median +52,9439,5,5,1930,1950,588,912,1,912,336,0,1248,0,0,1,0,2,1,6,0,1957,1,160,1,0,0,192,0,0,0,2007,87000,87,Less than median +43,3182,7,5,2005,2006,1330,1346,1,1504,0,0,1504,0,0,2,0,2,1,7,1,2005,2,437,1,156,20,0,0,0,0,2008,191000,191,More than median +-1,15498,8,6,1976,1976,0,1565,1,2898,0,0,2898,1,0,2,0,2,1,10,1,1976,2,665,1,0,72,174,0,0,0,2008,287000,287,More than median +70,7700,5,5,1972,1972,276,882,1,882,0,0,882,1,0,1,0,3,1,5,0,1980,2,461,1,96,0,0,0,0,0,2007,112500,112.5,Less than median +73,9300,5,5,1960,1960,571,1268,1,1264,0,0,1264,1,0,1,0,3,1,6,2,1960,2,461,1,0,0,0,0,143,0,2010,167500,167.5,More than median +71,9520,8,5,2007,2008,125,1638,1,1646,0,0,1646,1,0,2,0,3,1,7,1,2008,3,800,1,192,44,0,0,0,0,2008,293077,293.08,More than median +79,9492,5,5,1941,1950,359,768,1,968,408,0,1376,1,0,1,0,3,1,6,1,1941,1,240,1,0,0,0,0,0,0,2007,105000,105,Less than median +21,1680,6,7,1972,1972,355,672,1,672,546,0,1218,0,1,1,1,3,1,7,0,1972,1,264,1,0,28,0,0,0,0,2006,118000,118,Less than median +-1,7082,5,8,1916,1995,686,686,1,948,980,0,1928,0,0,2,0,5,2,10,0,0,0,0,0,0,0,228,0,0,0,2006,160000,160,Less than median +102,15863,7,3,1920,1970,301,824,1,1687,998,397,3082,1,0,2,1,5,1,12,2,1970,2,672,1,136,63,0,0,0,0,2009,197000,197,More than median +-1,14541,8,7,1993,1993,326,1338,1,1352,1168,0,2520,1,0,2,1,5,1,10,1,1993,3,796,1,209,55,0,0,0,0,2006,310000,310,More than median +-1,8125,7,5,2002,2002,668,1654,1,1654,0,0,1654,1,0,2,0,3,1,6,0,2002,3,900,1,0,136,0,0,0,0,2006,230000,230,More than median +50,6305,5,7,1938,1950,920,920,1,954,0,0,954,0,0,1,0,2,1,5,1,1938,1,240,1,0,0,0,0,0,0,2007,119750,119.75,Less than median +-1,11500,4,3,1957,1957,0,0,0,845,0,0,845,0,0,1,0,3,1,5,0,1957,1,290,0,186,0,0,0,0,0,2009,84000,84,Less than median +89,12898,9,5,2007,2008,598,1620,1,1620,0,0,1620,1,0,2,0,2,1,6,1,2008,3,912,1,228,0,0,0,0,0,2009,315500,315.5,More than median +-1,9240,8,5,2001,2002,1055,1055,1,1055,1208,0,2263,0,0,2,1,3,1,7,1,2001,2,905,1,0,45,0,0,189,0,2008,287000,287,More than median +21,1533,4,6,1970,2008,546,546,1,798,546,0,1344,0,0,1,1,3,1,6,1,0,0,0,1,0,0,0,0,0,0,2009,97000,97,Less than median +21,1477,4,4,1970,1970,121,630,1,630,0,0,630,1,0,1,0,1,1,3,0,1970,1,286,1,0,0,0,0,0,0,2009,80000,80,Less than median +88,13125,5,4,1957,2000,284,1134,1,1803,0,0,1803,1,0,2,0,3,1,8,1,1957,2,484,1,0,0,0,0,0,0,2006,155000,155,Less than median +-1,9130,6,8,1966,2000,336,800,1,800,832,0,1632,0,1,1,1,4,1,7,0,1966,2,484,1,0,40,0,0,0,0,2008,173000,173,More than median +34,5381,6,5,2005,2005,406,1306,1,1306,0,0,1306,1,0,2,0,1,1,5,1,2005,2,624,1,170,63,0,0,0,0,2009,196000,196,More than median +86,11839,7,5,1990,1990,390,1475,1,1532,797,0,2329,1,0,2,1,4,1,10,1,1990,2,514,1,192,121,0,0,0,0,2008,262280,262.28,More than median +80,9600,8,5,1981,1981,1420,2524,1,2524,0,0,2524,1,0,2,1,4,1,9,1,1981,2,542,1,474,120,0,0,0,0,2009,278000,278,More than median +-1,13680,3,5,1955,1955,0,0,1,1733,0,0,1733,0,0,2,0,4,1,8,1,1955,2,452,1,0,0,0,0,0,0,2009,139600,139.6,Less than median +85,16056,9,5,2005,2006,1752,1992,1,1992,876,0,2868,0,0,3,1,4,1,11,1,2005,3,716,1,214,108,0,0,0,0,2006,556581,556.58,More than median +57,9245,5,5,1994,1995,304,990,1,990,0,0,990,0,1,1,0,3,1,5,0,1996,2,672,1,0,0,0,0,0,0,2008,145000,145,Less than median +100,21750,5,4,1960,2006,0,0,1,1771,0,0,1771,0,0,1,0,3,1,9,1,1960,2,336,1,0,0,0,0,0,0,2009,115000,115,Less than median +60,11100,4,7,1946,2006,0,0,1,930,0,0,930,0,0,1,0,2,1,6,0,1946,1,308,1,0,0,0,0,0,0,2010,84900,84.9,Less than median +73,8993,7,5,2007,2007,1302,1302,1,1302,0,0,1302,0,0,2,0,3,1,6,0,2007,2,436,1,0,22,0,0,0,0,2007,176485,176.49,More than median +103,11175,7,5,2007,2007,1316,1316,1,1316,0,0,1316,0,0,2,0,3,1,6,1,2007,2,440,1,0,20,0,0,0,0,2007,200141,200.14,More than median +100,9500,6,6,1964,1978,374,816,1,1127,850,0,1977,0,1,1,1,4,1,9,1,1964,2,540,1,0,52,0,0,0,0,2007,165000,165,More than median +68,8562,5,6,1957,2002,833,1216,1,1526,0,0,1526,0,0,1,0,4,1,7,1,1957,1,364,1,116,78,0,0,0,0,2010,144500,144.5,Less than median +90,11367,8,5,2002,2002,133,1065,1,1091,898,0,1989,1,0,2,1,3,1,7,1,2002,2,586,1,199,60,0,0,0,0,2006,255000,255,More than median +104,11361,6,5,1976,1976,549,1193,1,1523,0,0,1523,0,1,2,0,3,1,7,1,1976,2,478,1,0,0,0,0,189,0,2008,180000,180,More than median +43,7052,7,5,2005,2005,705,1364,1,1364,0,0,1364,1,0,2,0,2,1,6,1,2005,2,484,1,192,36,0,0,0,0,2006,185850,185.85,More than median +-1,29959,7,6,1994,1994,378,973,1,979,871,0,1850,0,0,2,1,3,1,7,1,1994,2,467,1,168,98,0,0,0,0,2009,248000,248,More than median +96,11308,9,5,2008,2008,168,1104,1,1130,1054,0,2184,1,0,2,1,3,1,10,1,2008,3,836,1,0,102,0,0,0,0,2009,335000,335,More than median +-1,11275,6,7,1932,1950,0,854,1,1096,895,0,1991,0,0,1,1,3,1,7,1,1977,2,432,1,0,0,19,0,0,0,2007,220000,220,More than median +41,4920,8,5,2001,2001,722,1338,1,1338,0,0,1338,1,0,2,0,2,1,6,0,2001,2,582,1,0,0,170,0,0,0,2010,213500,213.5,More than median +120,18000,3,4,1935,1950,894,894,1,894,0,0,894,0,0,1,0,2,1,6,0,1994,3,1248,1,0,20,0,0,0,0,2008,81000,81,Less than median +85,13600,5,5,1900,1950,662,662,0,1422,915,0,2337,0,0,2,0,5,2,10,0,1945,2,560,1,0,57,0,0,0,0,2007,90000,90,Less than median +50,6000,6,6,1925,1980,706,1103,1,1103,0,0,1103,0,0,1,0,2,1,5,1,1976,2,440,1,166,120,0,0,0,0,2006,110500,110.5,Less than median +-1,11000,5,6,1966,1966,184,1154,1,1154,0,0,1154,0,0,1,1,3,1,6,1,1966,2,480,1,0,58,0,0,0,0,2009,154000,154,Less than median +80,14000,7,5,1996,1997,105,1306,1,1306,954,0,2260,1,0,2,1,3,1,7,0,1996,2,533,1,296,44,0,0,0,0,2010,328000,328,More than median +59,7837,6,7,1993,1994,799,799,1,799,772,0,1571,0,0,2,1,3,1,7,1,1993,2,380,1,0,40,0,0,0,0,2009,178000,178,More than median +80,9760,6,6,1964,1964,0,780,1,798,813,0,1611,1,0,1,1,4,1,7,0,1964,2,442,1,328,128,0,0,189,0,2008,167900,167.9,More than median +42,3964,6,4,1973,1973,105,942,1,1291,1230,0,2521,1,0,2,1,5,1,10,1,1973,2,576,1,728,20,0,0,0,0,2006,151400,151.4,Less than median +60,9600,5,7,1949,2003,625,845,1,893,0,0,893,0,1,1,0,2,1,4,0,1985,2,576,1,0,0,0,0,0,0,2007,135000,135,Less than median +72,10152,5,5,1956,1956,462,1048,1,1048,0,0,1048,1,0,1,0,3,1,6,0,1956,1,286,1,0,20,0,0,192,0,2007,135000,135,Less than median +78,11700,6,6,1968,1968,429,727,1,829,727,0,1556,0,0,1,1,4,1,8,0,1968,2,441,1,0,0,0,0,0,0,2009,154000,154,Less than median +50,7585,5,3,1948,1950,810,810,1,1002,454,0,1456,1,1,1,0,4,1,7,1,1954,1,280,1,0,0,0,0,0,0,2006,91500,91.5,Less than median +75,7950,6,6,1977,1977,155,690,1,698,728,0,1426,0,0,1,1,3,1,6,0,1977,2,440,1,252,0,0,0,0,0,2009,159500,159.5,Less than median +74,8556,7,5,2006,2006,1240,1240,1,1240,0,0,1240,0,0,2,0,2,1,5,0,2006,3,826,1,140,93,0,0,0,0,2007,194000,194,More than median +75,13125,7,6,1940,1984,390,800,1,960,780,0,1740,0,0,1,1,3,1,6,2,1940,1,240,1,0,0,0,0,0,0,2007,219500,219.5,More than median +60,10800,5,8,1936,1989,170,796,1,1096,370,0,1466,0,1,2,0,3,1,7,1,1950,2,566,1,436,21,0,0,0,0,2006,170000,170,More than median +-1,15870,5,5,1969,1969,230,1096,1,1096,0,0,1096,1,0,1,0,3,1,6,0,1969,1,299,1,240,32,0,0,0,0,2006,138800,138.8,Less than median +37,4435,6,5,2004,2004,186,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,140,0,0,0,0,0,2006,155900,155.9,Less than median +65,8775,5,5,1994,1994,495,990,1,990,0,0,990,0,0,1,0,3,1,5,0,1996,1,299,1,0,64,0,0,0,0,2007,126000,126,Less than median +80,11040,6,7,1971,2004,602,1258,1,1258,0,0,1258,0,1,2,0,3,1,5,0,1971,2,528,1,55,0,0,216,0,0,2008,145000,145,Less than median +75,7500,5,5,1963,1963,216,1040,1,1040,0,0,1040,1,0,1,1,3,1,5,0,1963,1,308,1,0,0,220,0,0,0,2010,133000,133,Less than median +70,8749,7,5,2002,2002,1459,1459,1,1459,0,0,1459,0,0,2,0,3,1,6,1,2002,2,527,1,192,39,0,0,0,0,2007,192000,192,More than median +80,8800,6,6,1964,1964,698,1251,1,1251,0,0,1251,1,0,1,0,3,1,6,2,1964,1,461,1,0,116,0,0,0,0,2006,160000,160,Less than median +-1,13031,6,5,1995,1996,99,691,1,691,807,0,1498,0,0,2,1,3,1,6,1,1995,2,409,1,315,44,0,0,0,0,2006,187500,187.5,More than median +73,9069,6,6,1992,1992,189,936,1,996,0,0,996,1,0,1,0,2,1,5,0,1992,2,564,1,120,0,0,0,0,0,2010,147000,147,Less than median +-1,1974,4,5,1973,1973,212,546,1,546,546,0,1092,0,0,1,1,3,1,6,0,1973,1,286,1,120,96,0,0,0,0,2010,83500,83.5,Less than median +85,10574,8,5,2005,2006,1082,1082,1,1082,871,0,1953,0,0,2,1,3,1,9,1,2005,3,1043,1,160,50,0,0,0,0,2009,252000,252,More than median +24,2522,7,5,2004,2004,970,970,1,970,739,0,1709,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,137500,137.5,Less than median +37,3316,8,5,2005,2005,208,1247,1,1247,0,0,1247,1,0,1,1,1,1,4,1,2005,2,550,1,0,84,0,0,0,0,2006,197000,197,More than median +60,8544,3,4,1950,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1987,2,400,1,0,0,0,0,0,0,2009,92900,92.9,Less than median +24,2160,7,5,1999,2000,90,600,1,624,628,0,1252,1,0,2,1,2,1,4,0,1999,2,462,1,0,48,0,0,0,0,2008,160000,160,Less than median +60,8400,6,5,1925,1950,758,1181,1,1390,304,0,1694,0,0,2,0,4,1,7,1,1925,2,576,1,342,0,128,0,0,0,2008,136500,136.5,Less than median +71,9230,5,8,1965,1998,203,864,1,1200,0,0,1200,1,0,1,1,1,1,6,0,1977,2,884,1,0,64,0,0,0,0,2006,146000,146,Less than median +74,5868,5,7,1956,2000,448,936,1,936,0,0,936,1,0,1,0,2,1,4,0,1956,1,308,1,0,0,80,0,160,0,2010,129000,129,Less than median +78,9317,6,5,2006,2006,1290,1314,1,1314,0,0,1314,0,0,2,0,3,1,6,1,2006,2,440,1,0,22,0,0,0,0,2007,176432,176.43,More than median +60,6882,6,7,1914,2006,684,684,1,773,582,0,1355,0,0,1,1,3,1,7,0,0,0,0,1,136,0,115,0,0,0,2007,127000,127,Less than median +-1,3696,8,5,1986,1986,1074,1074,1,1088,0,0,1088,0,0,1,1,2,1,5,0,1987,2,461,1,0,74,137,0,0,0,2007,170000,170,More than median +50,6000,4,6,1936,1950,0,672,1,757,567,0,1324,0,0,1,0,3,1,6,0,1936,1,240,1,0,0,0,0,0,0,2009,128000,128,Less than median +82,11880,7,5,1978,1978,567,1271,1,1601,0,0,1601,0,0,2,0,3,1,7,1,1978,2,478,1,0,0,0,0,0,0,2009,157000,157,Less than median +60,8400,2,5,1920,1950,0,290,0,438,0,0,438,0,0,1,0,1,1,3,0,1930,1,246,0,0,0,0,0,0,0,2009,60000,60,Less than median +61,9758,5,5,1971,1971,251,950,1,950,0,0,950,0,0,1,0,3,1,5,0,1981,1,280,1,0,0,0,0,0,0,2007,119500,119.5,Less than median +70,7000,5,7,1960,2002,422,1010,1,1134,0,0,1134,0,0,1,0,2,1,6,0,1960,1,254,1,0,16,0,0,0,0,2007,135000,135,Less than median +79,8910,6,6,1959,1959,0,655,1,1194,0,0,1194,0,1,1,0,3,1,6,1,1954,2,539,1,0,0,192,0,0,0,2006,159500,159.5,Less than median +24,2016,5,5,1970,1970,630,630,1,630,672,0,1302,0,0,2,1,3,1,6,0,1970,2,440,1,0,0,0,0,0,0,2007,106000,106,Less than median +98,12256,8,5,1994,1995,431,1463,1,1500,1122,0,2622,1,0,2,1,3,1,9,2,1994,2,712,1,186,32,0,0,0,0,2010,325000,325,More than median +114,10357,7,5,1990,1991,172,910,1,1442,0,0,1442,1,0,2,0,3,1,6,1,1990,2,719,1,0,244,0,0,0,0,2007,179900,179.9,More than median +168,23257,7,5,2006,2006,868,868,1,887,1134,0,2021,0,0,2,1,3,1,9,1,2006,2,422,1,0,100,0,0,0,0,2006,274725,274.73,More than median +-1,8063,6,5,2000,2000,924,924,1,948,742,0,1690,0,0,2,1,3,1,7,1,2000,2,463,1,100,48,0,0,0,0,2007,181000,181,More than median +107,11362,8,5,2004,2005,797,1836,1,1836,0,0,1836,1,0,2,0,3,1,7,1,2004,3,862,1,125,185,0,0,0,0,2009,280000,280,More than median +-1,8000,6,5,1995,1996,554,773,1,773,885,0,1658,1,0,2,1,3,1,8,1,1995,2,431,1,224,84,0,0,0,0,2008,188000,188,More than median +80,10480,7,6,1976,1976,400,803,1,1098,866,0,1964,0,0,2,1,4,1,8,1,1976,2,483,1,0,69,0,0,0,0,2008,205000,205,More than median +73,7100,5,7,1957,1957,108,816,1,816,0,0,816,1,0,1,0,2,1,5,0,1957,1,308,1,0,0,0,0,0,0,2006,129900,129.9,Less than median +66,8923,5,7,1953,2006,365,1008,1,1008,0,0,1008,1,0,1,0,2,1,6,0,1953,1,240,1,0,18,0,0,0,0,2007,134500,134.5,Less than median +90,5400,5,7,1954,2000,418,833,1,833,0,0,833,0,0,1,0,2,1,4,0,1955,1,326,1,0,0,0,0,0,0,2006,117000,117,Less than median +93,12085,8,5,2007,2007,730,1734,1,1734,0,0,1734,1,0,2,0,3,1,7,1,2007,3,928,1,0,0,0,0,0,0,2007,318000,318,More than median +-1,7750,8,5,2002,2002,55,408,1,779,640,0,1419,1,0,2,1,3,1,7,1,2002,2,527,1,120,0,0,0,0,0,2009,184100,184.1,More than median +57,9764,5,7,1967,2003,192,894,1,894,0,0,894,1,0,1,0,3,1,5,0,1967,2,450,1,0,0,0,0,0,0,2008,130000,130,Less than median +85,13825,5,6,1958,1987,533,533,1,1021,580,0,1601,0,1,1,0,3,1,6,0,1958,1,300,1,280,34,0,0,0,0,2008,140000,140,Less than median +70,7560,5,5,1959,1959,671,1040,1,1040,0,0,1040,0,0,1,0,3,1,6,0,1959,1,286,1,140,0,252,0,0,0,2006,133700,133.7,Less than median +59,8263,6,5,1920,1950,1012,1012,1,1012,0,0,1012,0,0,1,0,2,1,6,1,1920,1,308,1,0,22,112,0,0,0,2007,118400,118.4,Less than median +84,10084,7,5,2005,2006,1528,1552,1,1552,0,0,1552,0,0,2,0,3,1,7,0,2005,3,782,1,144,20,0,0,0,0,2006,212900,212.9,More than median +-1,8926,4,3,1956,1956,672,672,1,960,0,0,960,0,0,1,0,3,1,5,0,1956,1,288,1,64,0,0,0,160,0,2009,112000,112,Less than median +50,9405,5,9,1947,2008,698,698,1,698,0,0,698,0,1,1,0,2,1,4,0,0,0,0,1,0,200,0,0,0,0,2009,118000,118,Less than median +-1,9125,7,5,1992,1992,384,384,1,812,670,0,1482,0,0,2,1,3,1,7,1,1992,2,392,1,100,25,0,0,0,0,2007,163900,163.9,More than median +60,10434,4,5,1955,1955,1005,1005,1,1005,0,0,1005,0,0,1,0,2,1,5,1,1977,2,672,1,0,0,0,0,0,0,2009,115000,115,Less than median +53,3684,7,5,2007,2007,1373,1373,1,1555,0,0,1555,0,0,2,0,2,1,7,1,2007,3,660,1,143,20,0,0,0,0,2009,174000,174,More than median +182,14572,7,5,2004,2004,230,1530,1,1530,0,0,1530,1,0,2,0,3,1,7,1,2004,3,630,1,144,36,0,0,0,0,2007,259000,259,More than median +59,11796,7,5,2004,2005,847,847,1,847,1112,0,1959,0,0,2,1,4,1,8,1,2004,2,434,1,100,48,0,0,0,0,2007,215000,215,More than median +60,7200,5,5,1980,1980,0,936,1,936,0,0,936,1,0,1,0,2,1,4,0,1980,2,672,1,49,0,0,0,0,0,2007,140000,140,Less than median +65,7804,4,3,1928,1950,500,1122,1,1328,653,0,1981,1,0,2,0,4,1,7,2,1981,2,576,1,431,44,0,0,0,0,2009,135000,135,Less than median +63,10712,5,5,1991,1992,762,974,1,974,0,0,974,0,0,1,0,3,1,5,0,0,0,0,1,0,28,0,0,0,0,2007,93500,93.5,Less than median +90,9900,6,4,1880,1950,1008,1008,1,1178,1032,0,2210,0,0,2,0,5,1,8,0,1930,1,205,0,0,48,0,0,0,0,2007,117500,117.5,Less than median +80,9828,8,5,1995,1995,544,1128,1,1142,878,0,2020,0,0,2,1,3,1,8,1,1995,2,466,1,0,155,0,0,0,0,2009,239500,239.5,More than median +57,8773,6,5,1997,1997,916,916,1,916,684,0,1600,0,0,2,1,3,1,7,1,1997,2,460,1,100,38,0,0,0,0,2007,169000,169,More than median +60,6180,6,5,1926,1950,960,960,0,986,0,0,986,0,0,1,0,2,1,5,1,1926,1,180,1,0,128,0,0,0,0,2007,102000,102,Less than median +80,9600,6,5,1950,1950,752,1032,1,1032,220,0,1252,0,0,1,0,3,1,6,0,1950,1,288,1,0,0,96,0,0,0,2008,119000,119,Less than median +54,6342,5,8,1875,1996,780,780,0,780,240,0,1020,0,0,1,0,2,1,6,0,0,0,0,0,0,0,176,0,0,0,2010,94000,94,Less than median +-1,9819,6,5,1977,1977,0,1567,1,1567,0,0,1567,1,0,2,0,2,1,5,2,1977,2,714,1,264,32,0,0,0,0,2009,196000,196,More than median +98,8731,5,5,1920,1950,270,915,1,1167,0,0,1167,0,0,1,0,3,1,6,1,1972,2,495,1,0,0,216,0,126,0,2007,144000,144,Less than median +60,7350,5,7,1951,1951,100,952,1,952,0,0,952,1,0,1,0,2,1,4,0,1988,2,840,1,0,0,0,0,0,0,2008,139000,139,Less than median +-1,10304,5,7,1976,1976,399,780,1,1088,780,0,1868,1,0,2,1,4,1,9,1,1976,2,484,1,448,96,0,0,0,0,2009,197500,197.5,More than median +77,9965,8,5,2006,2007,316,1466,1,1466,1362,0,2828,1,0,3,0,4,1,11,1,2006,3,1052,1,125,144,0,0,0,0,2007,424870,424.87,More than median +-1,9000,5,3,1959,1959,718,1006,1,1006,0,0,1006,0,0,1,0,3,1,5,0,0,0,0,1,0,24,0,0,0,0,2008,80000,80,Less than median +60,12180,4,4,1941,1950,324,672,0,672,252,0,924,1,0,1,0,2,1,5,0,1941,1,280,1,0,0,0,0,0,0,2010,80000,80,Less than median +52,6240,5,6,1928,1950,1042,1042,1,1042,534,0,1576,0,0,1,0,3,1,8,1,1928,1,225,1,0,0,0,0,0,0,2006,149000,149,Less than median +-1,11200,6,5,1985,1985,40,1298,1,1298,0,0,1298,1,0,2,0,3,1,5,1,1985,2,403,1,165,26,0,0,0,0,2006,180000,180,More than median +75,12000,7,7,1941,1950,429,704,1,860,704,0,1564,0,0,1,1,3,1,7,1,1941,1,234,1,0,0,0,0,0,0,2009,174500,174.5,More than median +-1,5700,7,7,1926,1950,572,572,1,572,539,0,1111,0,0,1,0,2,1,5,1,1982,1,288,1,0,0,176,0,0,0,2008,116900,116.9,Less than median +50,9000,7,9,1920,1988,26,650,1,832,650,0,1482,0,1,1,0,3,1,7,0,1930,2,324,1,0,0,0,0,0,0,2009,143000,143,Less than median +57,8280,6,5,1950,1950,932,932,1,932,0,0,932,0,0,1,0,2,1,4,1,1950,1,306,1,0,0,214,0,0,0,2007,124000,124,Less than median +134,17755,5,4,1959,1959,1290,1466,1,1466,0,0,1466,0,0,1,1,3,1,6,2,1959,2,528,1,0,140,0,0,100,0,2006,149900,149.9,Less than median +90,14115,6,7,1956,2004,230,1073,1,1811,0,0,1811,0,0,1,0,2,1,6,1,1956,2,470,1,0,0,280,0,0,0,2006,230000,230,More than median +-1,5890,6,8,1930,2007,278,816,1,816,0,0,816,0,0,1,0,2,1,5,0,2002,1,432,1,0,0,96,0,0,0,2008,120500,120.5,Less than median +-1,13700,7,6,1965,1988,410,864,1,902,918,0,1820,0,0,1,2,4,1,8,2,1965,2,492,1,60,84,0,0,273,0,2008,201800,201.8,More than median +90,10768,5,8,1976,2004,280,1437,1,1437,0,0,1437,1,0,2,0,3,1,6,1,1976,2,528,1,0,21,0,0,180,0,2007,218000,218,More than median +85,9350,5,8,1965,1999,586,1219,1,1265,0,0,1265,0,1,2,0,3,1,6,1,1965,2,502,1,0,92,0,96,0,0,2008,179900,179.9,More than median +34,5001,7,5,2007,2008,410,1314,1,1314,0,0,1314,1,0,2,0,2,1,6,1,2008,2,626,1,172,62,0,0,0,0,2009,230000,230,More than median +92,11932,8,5,2007,2008,1580,1580,1,1580,0,0,1580,0,0,2,0,3,1,7,0,2008,3,830,1,0,24,0,0,0,0,2008,235128,235.13,More than median +76,9120,6,6,1974,1974,459,901,1,943,933,0,1876,0,0,2,1,4,1,8,1,1974,2,540,1,0,69,0,0,0,0,2008,185000,185,More than median +24,2280,6,5,1978,1978,544,855,1,855,601,0,1456,0,0,2,1,3,1,7,1,1978,2,440,1,26,0,0,0,0,0,2010,146000,146,Less than median +-1,14778,6,7,1954,2006,568,1296,1,1640,0,0,1640,1,0,1,0,3,1,7,1,1993,2,924,1,108,0,0,216,0,0,2008,224000,224,More than median +109,8724,5,5,1968,1968,402,894,1,894,0,0,894,0,0,1,0,3,1,5,1,1968,2,450,1,0,0,0,0,0,0,2007,129000,129,Less than median +60,12900,4,4,1969,1969,0,1198,1,1258,0,0,1258,2,0,0,2,0,2,6,0,1969,2,400,1,120,0,0,0,0,0,2008,108959,108.96,Less than median +-1,16157,5,7,1978,1978,289,1360,1,1432,0,0,1432,1,0,1,1,2,1,5,1,1978,2,588,1,168,180,0,0,0,0,2007,194000,194,More than median +79,9541,7,5,2009,2009,1502,1502,1,1502,0,0,1502,0,0,2,0,3,1,7,0,2009,2,644,1,0,114,0,0,0,0,2009,233170,233.17,More than median +64,10475,8,5,2008,2008,1694,1694,1,1694,0,0,1694,0,0,2,0,3,1,7,0,2008,3,776,1,160,33,0,0,0,0,2010,245350,245.35,More than median +58,10852,6,5,2000,2000,173,959,1,959,712,0,1671,1,0,2,1,3,1,7,1,2000,2,472,1,0,38,0,0,0,0,2006,173000,173,More than median +120,13728,6,7,1935,1986,501,1127,1,1236,872,0,2108,0,0,2,0,4,1,7,2,1935,2,540,1,0,0,0,0,90,0,2008,235000,235,More than median +118,35760,10,5,1995,1996,543,1930,1,1831,1796,0,3627,1,0,3,1,4,1,10,1,1995,3,807,1,361,76,0,0,0,0,2006,625000,625,More than median +76,9880,6,6,1977,1977,574,1096,1,1118,0,0,1118,1,0,1,0,3,1,6,1,1977,1,358,1,203,0,0,0,0,576,2008,171000,171,More than median +76,9120,6,6,1958,1958,599,1261,1,1261,0,0,1261,1,0,1,0,3,1,6,1,1958,2,433,1,0,0,0,0,288,0,2008,163000,163,Less than median +35,4017,7,5,2006,2007,625,625,1,625,625,0,1250,0,0,2,1,2,1,5,0,2006,2,625,1,0,54,0,0,0,0,2008,171900,171.9,More than median +138,18030,5,6,1946,1994,977,1598,1,1636,971,479,3086,0,0,3,0,3,1,12,1,0,0,0,1,122,0,0,0,0,0,2007,200500,200.5,More than median +80,16560,6,8,1932,1950,449,952,1,1170,1175,0,2345,0,0,2,1,4,1,9,1,1932,2,360,1,0,0,0,0,0,0,2006,239000,239,More than median +85,10678,8,5,1992,2000,983,1683,1,2129,743,0,2872,0,0,2,1,4,1,9,1,1992,2,541,1,0,33,0,0,0,0,2007,285000,285,More than median +37,6951,5,5,1984,1985,218,876,1,923,0,0,923,1,0,1,0,3,1,5,0,1984,1,264,1,362,0,0,0,0,0,2008,119500,119.5,Less than median +-1,3950,6,8,1926,2004,350,818,1,818,406,0,1224,0,0,1,0,3,1,5,0,1926,1,210,0,0,0,116,0,0,0,2009,115000,115,Less than median +54,7681,5,6,1921,1950,731,731,1,820,523,0,1343,0,0,1,1,3,1,7,1,1921,1,186,1,192,0,102,0,0,0,2009,154900,154.9,Less than median +77,8335,5,5,1954,1954,0,0,1,1124,0,0,1124,0,0,1,0,3,1,5,1,0,0,0,0,0,36,190,0,0,0,2006,93000,93,Less than median +-1,11170,7,5,1990,1991,0,1216,1,1298,1216,0,2514,0,0,2,1,4,1,8,0,1990,2,693,1,0,0,0,0,0,0,2006,250000,250,More than median +64,5587,8,5,2008,2008,120,1600,1,1652,0,0,1652,1,1,2,0,2,1,5,1,2008,2,482,1,162,53,0,153,0,0,2008,392500,392.5,More than median +160,15623,10,5,1996,1996,300,2396,1,2411,2065,0,4476,1,0,3,1,4,1,10,2,1996,3,813,1,171,78,0,0,0,555,2007,745000,745,More than median +60,10800,5,6,1920,1950,299,1120,1,1130,0,0,1130,1,0,1,0,2,1,5,1,1970,2,720,1,229,0,0,0,0,0,2006,120000,120,Less than median +50,35133,5,4,1963,1963,413,1572,1,1572,0,0,1572,1,0,1,1,3,1,5,2,1963,3,995,1,0,263,0,0,263,0,2007,186700,186.7,More than median +60,9738,5,7,1924,1950,392,784,1,949,272,0,1221,1,0,1,0,4,1,7,0,1965,1,392,1,0,0,236,0,0,0,2006,104900,104.9,Less than median +107,10615,3,5,1900,1970,538,978,1,1014,685,0,1699,1,0,2,0,3,2,7,0,1920,2,420,1,0,74,0,0,0,0,2009,95000,95,Less than median +89,12461,8,5,1994,1995,168,1624,1,1624,0,0,1624,1,0,2,0,2,1,5,1,1994,3,757,1,0,114,192,0,0,0,2006,262000,262,More than median +68,8935,7,5,2002,2002,831,831,1,831,829,0,1660,0,0,2,1,3,1,7,0,2002,2,493,1,144,68,0,0,0,0,2009,195000,195,More than median +60,7500,7,5,1999,1999,994,994,1,1028,776,0,1804,0,0,2,1,3,1,7,1,1999,2,442,1,140,60,0,0,0,0,2010,189000,189,More than median +-1,32463,4,4,1961,1975,90,1249,1,1622,0,0,1622,1,0,1,0,3,1,7,1,1975,4,1356,1,439,0,0,0,0,0,2007,168000,168,More than median +24,2645,8,5,1999,2000,776,776,1,764,677,0,1441,0,0,2,1,2,1,5,0,1999,2,492,1,206,0,0,0,0,0,2007,174000,174,More than median +60,9600,5,8,1925,1994,702,702,1,842,630,0,1472,0,0,1,0,3,1,6,0,1925,1,250,1,0,0,84,0,0,0,2007,125000,125,Less than median +-1,4500,6,5,1999,1999,341,1224,1,1224,0,0,1224,1,0,2,0,2,1,5,0,1999,2,402,1,0,304,0,0,0,0,2009,165000,165,More than median +80,9364,6,7,1969,1969,292,663,1,663,689,0,1352,0,0,1,1,4,1,7,0,1969,1,299,1,379,36,0,0,0,0,2010,158000,158,Less than median +51,8029,6,5,2005,2005,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,0,2005,2,400,1,100,24,0,0,0,0,2008,176000,176,More than median +58,14054,7,5,2006,2006,879,879,1,879,984,0,1863,0,0,2,1,4,1,9,1,2006,3,660,1,100,17,0,0,0,0,2006,219210,219.21,More than median +65,8850,7,6,1916,1950,815,815,1,815,875,0,1690,0,0,1,0,3,1,7,1,1916,1,225,1,0,0,330,0,0,0,2006,144000,144,Less than median +70,9100,7,5,2001,2001,1212,1212,1,1212,0,0,1212,0,0,2,0,3,1,6,0,2001,2,573,1,356,0,0,0,0,0,2009,178000,178,More than median +75,11235,4,5,1963,1979,504,1051,1,1382,0,0,1382,0,0,1,1,3,1,6,1,1974,2,459,1,0,82,0,0,0,0,2006,148000,148,Less than median +71,9353,4,5,1970,1970,864,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1972,1,280,1,0,0,0,0,0,0,2006,116050,116.05,Less than median +80,10400,7,5,1998,1998,866,866,1,866,913,0,1779,0,0,2,1,3,1,6,0,1998,2,546,1,198,36,0,0,0,0,2009,197900,197.9,More than median +50,6000,5,8,1925,1997,884,884,1,884,464,0,1348,1,0,1,0,3,1,5,1,1960,1,216,0,0,0,208,0,0,0,2009,117000,117,Less than median +75,9750,7,5,2000,2001,1630,1630,1,1630,0,0,1630,0,0,2,0,3,1,6,1,2000,2,451,1,74,234,0,0,0,0,2009,213000,213,More than median +78,10140,5,6,1975,1975,268,1056,1,1074,0,0,1074,1,0,1,1,3,1,6,0,1975,2,495,1,0,88,0,0,0,0,2006,153500,153.5,Less than median +90,14684,7,7,1990,1991,1496,2158,1,2196,0,0,2196,0,0,2,0,3,1,7,1,1990,3,701,1,84,70,0,0,0,0,2009,271900,271.9,More than median +-1,8900,4,4,1966,1966,0,1056,1,1056,0,0,1056,1,0,1,0,2,1,5,0,1966,1,384,1,0,42,0,0,0,0,2006,107000,107,Less than median +70,9135,6,5,2003,2003,1342,1682,1,1700,0,0,1700,1,0,2,0,3,1,7,0,2003,2,544,1,192,23,0,0,0,0,2006,200000,200,More than median +70,7763,5,7,1962,1980,319,931,1,1283,0,0,1283,1,0,1,0,3,1,6,0,1980,2,506,1,0,0,0,0,0,0,2008,140000,140,Less than median +85,10182,8,5,2006,2006,440,1660,1,1660,0,0,1660,1,0,2,0,3,1,8,1,2006,2,500,1,322,50,0,0,0,0,2006,290000,290,More than median +70,11218,6,5,1992,1992,1055,1055,1,1055,790,0,1845,0,0,2,1,3,1,8,1,1992,2,462,1,635,104,0,0,0,0,2010,189000,189,More than median +152,12134,8,7,1988,2005,132,559,1,1080,672,0,1752,0,0,2,0,4,1,8,0,1988,2,492,1,325,12,0,0,0,0,2010,164000,164,More than median +50,9340,4,6,1941,1950,328,672,1,672,0,0,672,1,0,1,0,2,1,4,0,1941,1,234,0,0,113,0,0,0,0,2009,113000,113,Less than median +-1,10246,4,9,1965,2001,0,648,1,960,0,0,960,1,1,0,0,0,1,3,0,1965,1,364,1,88,0,0,0,0,0,2006,145000,145,Less than median +69,10205,5,5,1962,1962,141,925,1,999,0,0,999,1,0,1,0,3,1,6,0,1962,1,300,1,150,72,0,0,0,0,2006,134500,134.5,Less than median +99,7094,5,5,1966,1966,340,894,1,894,0,0,894,0,0,1,0,3,1,5,0,1966,1,384,1,0,0,0,0,0,0,2007,125000,125,Less than median +68,8930,6,5,1978,1978,0,0,1,1318,584,0,1902,0,0,2,0,4,2,8,0,1978,2,539,1,0,0,0,0,0,0,2010,112000,112,Less than median +72,8640,8,5,2009,2009,364,1300,1,1314,0,0,1314,1,0,2,0,3,1,6,0,2009,2,552,1,135,112,0,0,0,0,2009,229456,229.46,More than median +52,6240,4,5,1947,1950,0,0,0,672,240,0,912,0,0,1,0,2,1,3,0,0,0,0,0,0,0,0,0,0,0,2006,80500,80.5,Less than median +21,1680,6,5,1971,1971,672,672,1,672,546,0,1218,0,0,1,1,3,1,7,0,0,0,0,0,201,0,0,0,0,0,2006,91500,91.5,Less than median +66,7800,5,5,1964,1964,0,912,1,912,0,0,912,0,0,1,0,2,1,5,0,1964,1,288,1,0,0,0,0,0,0,2006,115000,115,Less than median +55,8250,5,5,1968,1968,210,952,1,1211,0,0,1211,0,0,1,0,3,1,5,1,1968,1,322,1,0,63,0,0,0,0,2008,134000,134,Less than median +78,10496,6,6,1949,1950,844,1040,1,1168,678,0,1846,0,0,2,0,3,1,7,1,1949,1,315,1,0,0,0,0,0,0,2007,143000,143,Less than median +89,10680,5,3,1951,1951,1380,2136,0,2136,0,0,2136,0,0,2,0,4,1,7,0,1951,2,528,1,0,30,0,0,0,0,2006,137900,137.9,Less than median +60,15384,7,5,2004,2005,64,788,1,788,702,0,1490,1,0,2,1,3,1,8,1,2004,2,388,1,100,75,0,0,0,0,2008,184000,184,More than median +65,10482,6,8,1958,1958,81,588,1,1138,0,0,1138,0,1,1,0,3,1,6,0,1958,1,264,1,224,0,0,0,0,0,2007,145000,145,Less than median +86,14598,6,5,2007,2007,894,894,1,894,1039,0,1933,0,0,2,1,4,1,9,1,2007,3,668,1,100,18,0,0,0,0,2008,214000,214,More than median +72,8872,5,8,1965,2008,317,912,1,912,0,0,912,1,0,1,0,2,1,5,0,1992,2,576,1,0,240,0,0,0,0,2008,147000,147,Less than median +65,8769,9,5,2008,2008,162,1702,1,1702,0,0,1702,1,0,1,1,1,1,7,1,2008,3,1052,1,0,72,0,0,224,0,2008,367294,367.29,More than median +70,7910,5,5,1960,1960,409,1075,1,1507,0,0,1507,0,0,2,0,4,1,7,0,1960,1,404,1,0,0,0,0,0,0,2008,127000,127,Less than median +-1,18890,5,5,1977,1977,652,1361,1,1361,1259,0,2620,0,0,2,2,4,2,12,1,1977,2,600,0,155,24,145,0,0,0,2007,190000,190,More than median +70,7728,5,6,1962,1962,303,1106,1,1190,0,0,1190,1,0,1,0,3,1,6,0,1962,2,540,1,0,18,0,0,0,0,2006,132500,132.5,Less than median +70,9842,4,5,1962,1962,0,0,1,1224,0,0,1224,0,0,2,0,2,2,6,0,1962,2,462,1,0,0,0,0,0,0,2007,101800,101.8,Less than median +-1,12160,5,5,1959,1959,188,1188,1,1188,0,0,1188,1,0,1,0,3,1,6,0,1959,2,531,1,0,0,0,0,0,0,2010,142000,142,Less than median +55,8525,5,6,1911,1950,940,940,0,1024,940,0,1964,0,0,1,1,4,1,7,0,0,0,0,0,0,192,0,0,0,0,2008,130000,130,Less than median +96,13132,5,5,1914,1950,747,747,1,892,892,0,1784,0,0,1,1,4,1,9,0,1914,1,180,0,203,40,0,0,0,0,2006,138887,138.89,Less than median +36,2628,7,5,2003,2003,764,764,1,764,862,0,1626,0,0,2,1,2,1,6,0,2003,2,474,1,0,27,0,0,0,0,2010,175500,175.5,More than median +41,12393,7,5,2004,2005,847,847,1,847,1101,0,1948,0,0,2,1,4,1,8,1,2004,2,434,1,100,48,0,0,0,0,2006,195000,195,More than median +63,13072,6,5,2005,2005,1141,1141,1,1141,0,0,1141,0,0,1,1,3,1,6,0,2005,2,484,1,0,0,0,0,0,0,2006,142500,142.5,Less than median +64,9037,8,5,2006,2006,1048,1476,1,1484,0,0,1484,0,0,2,0,2,1,6,1,2006,2,472,1,120,33,0,0,0,0,2007,265900,265.9,More than median +65,8158,7,5,2003,2003,334,884,1,884,884,0,1768,1,0,2,1,3,1,8,0,2003,2,543,1,0,63,0,0,0,0,2008,224900,224.9,More than median +83,9849,7,6,2007,2007,1689,1689,1,1689,0,0,1689,0,0,2,0,3,1,7,0,2007,3,954,1,0,56,0,0,0,0,2007,248328,248.33,More than median +85,10625,7,6,1974,1974,0,1053,1,1173,0,0,1173,1,0,2,0,3,1,6,2,1974,2,528,1,0,120,0,0,0,0,2010,170000,170,More than median +107,13891,10,5,2006,2006,690,2076,1,2076,0,0,2076,1,0,2,1,2,1,7,1,2006,3,850,1,216,229,0,0,0,0,2006,465000,465,More than median +-1,11435,8,7,1929,1950,792,792,1,792,725,0,1517,0,0,1,0,3,1,7,2,1931,2,400,1,0,0,0,0,0,0,2006,230000,230,More than median +78,12090,6,7,1984,2003,585,585,1,1140,728,0,1868,0,0,3,1,3,1,7,1,1984,2,477,1,268,112,0,0,147,0,2007,178000,178,More than median +65,8125,7,5,2005,2006,756,756,1,756,797,0,1553,0,0,2,1,3,1,6,0,2005,2,615,1,0,45,0,0,0,0,2006,186500,186.5,More than median +-1,12328,6,5,1976,1976,473,1012,1,1034,0,0,1034,1,0,1,0,3,1,6,0,1976,3,888,1,0,0,0,0,0,0,2010,169900,169.9,More than median +60,9600,6,5,1917,1950,416,735,0,1134,924,0,2058,0,0,1,1,3,1,8,1,1950,2,396,1,0,0,259,0,0,0,2008,129500,129.5,Less than median +60,7200,5,7,1950,1950,246,876,1,988,0,0,988,0,0,1,0,3,1,6,0,1950,1,276,1,0,80,0,0,0,0,2007,119000,119,Less than median +93,11160,7,5,1968,1968,1045,2110,1,2110,0,0,2110,1,0,2,1,3,1,8,2,1968,2,522,1,0,0,0,0,0,0,2010,244000,244,More than median +-1,3136,7,5,2003,2003,1405,1405,1,1405,0,0,1405,0,0,2,0,2,1,6,1,2003,2,478,1,148,36,0,0,0,0,2006,171750,171.75,More than median +62,9858,5,6,1968,1968,354,864,1,874,0,0,874,1,0,1,0,3,1,5,0,1968,1,288,1,33,0,0,0,0,0,2009,130000,130,Less than median +-1,17542,7,7,1974,2003,36,1192,1,1516,651,0,2167,1,0,2,1,3,1,9,2,1974,2,518,1,220,47,0,0,0,0,2007,294000,294,More than median +60,6931,7,5,2003,2004,746,746,1,760,896,0,1656,0,0,2,1,3,1,7,1,2003,2,397,1,178,128,0,0,0,0,2008,165400,165.4,More than median +52,6240,6,6,1931,1950,459,884,1,959,408,0,1367,0,0,1,0,3,1,6,1,1978,1,560,1,0,0,0,0,120,0,2007,127500,127.5,Less than median +91,14303,8,5,1994,1994,672,1986,1,1987,0,0,1987,1,0,2,0,2,1,7,1,1994,2,691,1,262,36,0,0,0,0,2008,301500,301.5,More than median +56,4060,5,8,1922,1950,864,864,1,864,0,0,864,0,0,1,0,2,1,4,0,0,0,0,1,0,96,0,0,0,0,2009,99900,99.9,Less than median +59,9587,7,5,2005,2005,201,856,1,1166,0,0,1166,1,0,2,0,2,1,5,0,2005,2,400,1,212,0,0,0,0,0,2008,190000,190,More than median +65,9750,6,8,1969,1969,14,1054,1,1054,0,0,1054,1,0,1,1,3,1,6,0,1969,2,460,1,180,0,0,0,80,0,2008,151000,151,Less than median +-1,24682,6,5,1999,1999,841,841,1,892,783,0,1675,0,0,2,1,3,1,7,1,1999,2,502,1,0,103,0,0,0,0,2009,181000,181,More than median +80,9600,5,6,1956,1956,546,1050,1,1050,0,0,1050,0,0,1,0,2,1,5,0,1956,1,338,1,0,0,0,0,0,0,2009,128900,128.9,Less than median +-1,11250,4,5,1957,1989,1104,1104,1,1104,684,0,1788,1,0,1,0,5,1,8,2,1957,1,304,1,120,0,0,0,0,0,2009,161500,161.5,Less than median +60,13515,6,6,1919,1950,764,764,1,1060,764,0,1824,0,0,1,0,3,1,8,1,1940,2,520,0,0,0,126,0,0,0,2007,180500,180.5,More than median +34,4060,6,5,1998,1999,1139,1405,1,1337,0,0,1337,1,0,2,0,2,1,5,0,1998,2,511,1,144,68,0,0,0,0,2008,181000,181,More than median +35,3735,7,5,1999,1999,241,691,1,713,739,0,1452,1,0,2,1,3,1,6,0,1999,2,506,1,0,34,0,0,0,0,2006,183900,183.9,More than median +60,10120,7,4,1910,1950,925,925,0,964,925,0,1889,0,0,1,1,4,2,9,1,1960,1,308,0,0,0,264,0,0,0,2007,122000,122,Less than median +89,13214,9,5,2008,2009,2002,2002,1,2018,0,0,2018,0,0,2,0,3,1,10,1,2009,3,746,1,144,76,0,0,0,0,2010,378500,378.5,More than median +-1,14100,8,9,1935,1997,536,728,1,1968,1479,0,3447,0,0,3,1,4,1,11,2,1982,3,1014,1,314,12,0,0,0,0,2008,381000,381,More than median +78,11344,5,5,1958,1958,414,874,1,874,650,0,1524,0,0,1,1,3,1,7,0,1958,1,315,1,0,0,0,0,0,0,2007,144000,144,Less than median +-1,23595,7,6,1979,1979,74,1332,1,1332,192,0,1524,2,0,0,1,0,1,4,1,1979,2,586,1,268,0,0,0,0,0,2010,260000,260,More than median +-1,9156,6,7,1968,1968,1489,1489,1,1489,0,0,1489,0,0,2,0,3,1,7,1,1968,2,462,1,0,0,0,0,0,0,2009,185750,185.75,More than median +-1,13526,5,6,1965,1965,0,935,1,935,0,0,935,1,0,1,0,3,1,5,0,1965,1,288,1,180,0,0,0,0,0,2006,137000,137,Less than median +124,11512,6,7,1959,2006,300,1019,1,1357,0,0,1357,1,0,1,0,2,1,5,1,1959,1,312,1,0,0,0,0,163,0,2008,177000,177,More than median +53,5362,5,6,1910,2003,661,661,1,661,589,0,1250,0,0,2,0,3,1,8,1,1985,2,552,1,242,0,81,0,0,0,2007,139000,139,Less than median +95,11345,5,5,1948,1950,708,928,1,928,992,0,1920,0,0,2,0,4,2,10,0,1948,2,400,1,0,0,0,0,0,0,2007,137000,137,Less than median +-1,12936,6,6,1972,1972,130,723,1,735,660,0,1395,0,1,1,1,3,1,6,1,1972,2,497,1,294,116,0,0,0,0,2009,162000,162,Less than median +-1,17871,6,5,1967,1976,1152,1680,1,1724,0,0,1724,1,0,1,1,3,1,7,1,1967,2,480,1,0,0,0,0,0,0,2009,197900,197.9,More than median +75,9473,8,5,2002,2002,324,1128,1,1128,903,0,2031,1,0,2,1,3,1,7,1,2002,2,577,1,0,211,0,0,0,0,2008,237000,237,More than median +60,7500,4,4,1920,1950,698,698,1,698,430,0,1128,0,0,1,0,2,1,6,0,1980,2,528,1,30,0,164,0,0,0,2010,68400,68.4,Less than median +67,9808,7,5,2002,2002,785,1573,1,1573,0,0,1573,1,0,2,0,3,1,6,0,2002,2,544,1,0,72,0,0,0,0,2009,227000,227,More than median +50,8049,7,5,1990,1990,256,1309,1,1339,0,0,1339,1,0,2,0,2,1,6,1,1990,2,484,1,0,58,0,0,90,0,2006,180000,180,More than median +61,8800,5,7,1977,2008,364,1040,1,1040,0,0,1040,0,0,2,0,3,1,5,0,1977,2,484,1,0,0,0,0,288,0,2009,150500,150.5,Less than median +94,9400,6,5,1971,1971,912,912,1,912,912,0,1824,0,0,2,2,4,2,8,0,0,0,0,1,128,0,0,0,0,0,2010,139000,139,Less than median +50,9638,6,7,1919,1990,804,804,1,1699,748,0,2447,0,0,2,0,4,1,10,1,1969,1,336,1,272,0,42,0,116,0,2010,169000,169,More than median +50,6000,6,6,1939,1950,780,780,1,825,587,0,1412,0,0,1,0,4,1,6,1,1939,1,280,1,45,0,0,0,0,0,2009,132500,132.5,Less than median +-1,9790,6,5,1963,1963,678,1328,1,1328,0,0,1328,1,0,1,1,3,1,6,2,1963,2,528,1,0,26,0,0,0,0,2010,143000,143,Less than median +-1,36500,5,5,1964,1964,812,1624,1,1582,0,0,1582,0,1,2,0,4,1,7,0,1964,2,390,0,168,198,0,0,0,0,2006,190000,190,More than median +40,5664,8,5,2000,2000,343,1501,1,1659,0,0,1659,1,0,2,0,2,1,5,1,2000,2,499,1,212,59,0,0,0,0,2009,278000,278,More than median +86,11065,8,5,2006,2006,1085,1085,1,1120,850,0,1970,0,0,2,1,3,1,8,1,2006,3,753,1,177,74,0,0,0,0,2006,281000,281,More than median +-1,14112,5,7,1964,1964,138,1152,1,1152,0,0,1152,1,0,1,0,3,1,6,1,1964,2,484,1,227,0,0,0,0,0,2010,180500,180.5,More than median +21,1680,5,7,1972,1972,399,630,1,630,672,0,1302,0,0,2,1,3,1,6,0,1972,1,264,1,185,0,0,0,0,0,2009,119500,119.5,Less than median +60,6600,5,4,1892,1965,994,994,0,1378,994,0,2372,0,0,2,0,4,2,11,0,1985,1,432,1,0,287,0,0,0,0,2009,107500,107.5,Less than median +78,10140,7,5,1976,1976,638,832,1,832,832,0,1664,0,0,2,1,4,1,8,1,1976,2,528,1,0,28,0,0,259,0,2006,162900,162.9,Less than median +60,8172,5,7,1955,1990,697,864,1,864,0,0,864,1,0,1,0,2,1,5,0,1957,2,572,0,0,0,0,0,0,0,2006,115000,115,Less than median +70,8400,5,5,1968,1968,36,1052,1,1052,0,0,1052,1,0,1,1,3,1,5,0,1968,1,288,1,356,0,0,0,0,0,2006,138500,138.5,Less than median +80,8700,5,6,1963,1963,344,1120,1,1128,0,0,1128,1,0,2,0,3,1,6,0,1963,2,525,1,192,20,123,0,0,0,2008,155000,155,Less than median +35,3675,6,5,2005,2006,0,547,1,1072,0,0,1072,1,0,2,0,2,1,5,0,2005,2,525,1,0,44,0,0,0,0,2006,140000,140,Less than median +313,63887,10,5,2008,2008,466,6110,1,4692,950,0,5642,2,0,2,1,3,1,12,3,2008,2,1418,1,214,292,0,0,0,480,2008,160000,160,Less than median +75,7500,5,7,1959,1994,0,1246,1,1246,0,0,1246,1,0,1,1,3,1,6,0,1959,1,305,1,218,0,0,0,0,0,2010,154000,154,Less than median +-1,10762,7,5,1999,1999,284,978,1,1005,978,0,1983,0,0,2,1,3,1,9,1,1999,2,490,1,0,0,0,0,0,0,2009,225000,225,More than median +-1,7500,6,7,1942,1950,224,771,1,753,741,0,1494,0,0,1,0,3,1,7,2,1942,1,213,1,0,0,0,0,224,0,2009,177500,177.5,More than median +92,10120,8,5,1994,1994,425,1165,1,1203,1323,0,2526,1,0,2,1,4,1,8,1,1994,3,844,1,309,78,0,0,0,0,2006,290000,290,More than median +73,8688,7,5,2005,2005,1616,1616,1,1616,0,0,1616,0,0,2,0,3,1,7,0,2005,3,834,1,208,59,0,0,0,0,2006,232000,232,More than median +32,3363,7,5,2004,2004,976,976,1,976,732,0,1708,0,0,2,0,3,1,7,0,2004,2,380,1,0,40,0,0,0,0,2006,130000,130,Less than median +108,13173,9,5,2006,2007,80,1652,1,1652,0,0,1652,1,0,2,0,2,1,6,2,2006,2,840,1,404,102,0,0,0,0,2009,325000,325,More than median +48,6955,7,5,2005,2006,1368,1368,1,1368,0,0,1368,0,0,2,0,2,1,6,1,2005,2,474,1,132,35,0,0,0,0,2006,202500,202.5,More than median +60,8072,5,5,1994,1995,244,990,1,990,0,0,990,1,0,1,0,3,1,5,0,2000,2,480,1,0,64,0,0,0,0,2009,138000,138,Less than median +100,12000,5,7,1948,2005,172,924,1,1122,0,0,1122,1,0,1,0,2,1,6,0,1948,2,528,1,0,36,0,0,0,0,2008,147000,147,Less than median +-1,7153,6,5,1991,1991,78,1278,1,1294,0,0,1294,1,0,2,0,3,1,6,0,1991,2,496,1,112,51,0,0,0,0,2008,179200,179.2,More than median +100,17500,7,8,1959,2002,496,1902,1,1902,0,0,1902,1,0,2,0,3,1,7,2,1959,2,567,1,0,207,162,0,0,0,2010,335000,335,More than median +68,8814,7,5,2005,2007,349,1274,1,1274,0,0,1274,1,0,2,0,3,1,6,0,2005,2,508,1,264,98,0,0,0,0,2007,203000,203,More than median +-1,9572,8,5,1990,1990,971,1453,1,1453,1357,0,2810,0,0,2,1,4,1,9,1,1990,2,750,1,500,0,0,0,0,0,2007,302000,302,More than median +108,14774,9,5,1999,1999,1393,1393,1,1422,1177,0,2599,0,0,2,1,4,1,10,1,1999,3,779,1,668,30,0,0,0,0,2010,333168,333.17,More than median +60,8190,4,6,1954,1954,216,948,1,948,0,0,948,1,0,1,0,3,1,5,1,1956,1,280,1,0,36,0,0,0,0,2007,119000,119,Less than median +85,11075,6,5,1969,1969,176,952,1,1092,1020,0,2112,0,0,2,1,4,1,9,2,1969,2,576,1,280,0,0,0,0,0,2008,206900,206.9,More than median +61,10226,8,5,2008,2008,1622,1622,1,1630,0,0,1630,1,0,2,0,3,1,8,1,2008,3,860,1,172,42,0,0,0,0,2009,295493,295.49,More than median +47,4230,7,5,2006,2007,1352,1352,1,1352,0,0,1352,0,0,2,0,2,1,5,1,2006,2,466,1,0,241,0,0,0,0,2007,208900,208.9,More than median +-1,14781,8,5,2001,2002,1753,1753,1,1787,0,0,1787,0,0,2,0,3,1,7,1,2001,3,748,1,198,150,0,0,0,0,2006,275000,275,More than median +75,10215,4,5,1954,1954,372,864,1,948,0,0,948,0,0,1,0,3,1,5,0,1954,1,248,1,0,0,0,0,0,0,2007,111000,111,Less than median +70,8400,6,3,1957,1957,628,1478,1,1478,0,0,1478,1,0,1,1,3,1,6,2,1957,2,442,1,114,0,0,0,216,0,2009,156500,156.5,Less than median +-1,6627,3,6,1949,1950,0,0,0,720,0,0,720,0,0,1,0,2,1,4,0,1955,1,287,1,0,0,0,0,0,0,2008,72500,72.5,Less than median +107,10186,7,5,1992,1992,76,750,1,1061,862,0,1923,1,0,2,1,3,1,8,1,1992,2,564,1,240,39,0,0,0,0,2010,190000,190,More than median +50,5330,4,7,1940,1950,140,420,1,708,0,0,708,0,0,1,0,2,1,5,0,0,0,0,1,164,0,0,0,0,0,2009,82500,82.5,Less than median +75,9986,8,5,2006,2007,1795,1795,1,1795,0,0,1795,0,0,2,0,2,1,7,1,2007,3,895,1,0,49,0,0,0,0,2007,147000,147,Less than median +40,3636,4,4,1922,1950,796,796,0,796,0,0,796,0,0,1,0,2,1,5,0,0,0,0,0,0,0,100,0,0,0,2008,55000,55,Less than median +70,4270,3,6,1931,2006,0,544,1,774,0,0,774,0,0,1,0,3,1,6,0,0,0,0,1,0,0,286,0,0,0,2007,79000,79,Less than median +60,6600,5,9,1982,2008,175,816,1,816,0,0,816,0,1,1,0,3,1,5,1,1982,1,264,1,0,0,0,0,0,0,2008,130500,130.5,Less than median +60,10440,6,7,1920,1950,1017,1510,1,1584,1208,0,2792,0,0,2,0,5,1,8,2,1920,2,520,1,0,547,0,0,480,0,2008,256000,256,More than median +63,9084,7,5,1998,1998,935,935,1,955,677,0,1632,0,0,2,1,3,1,8,1,1998,2,462,1,0,28,0,0,0,0,2006,176500,176.5,More than median +85,10000,8,5,2006,2006,1588,1588,1,1588,0,0,1588,0,0,2,0,3,1,7,1,2006,3,825,1,144,45,0,0,0,0,2007,227000,227,More than median +55,10780,5,5,1976,1976,428,911,1,954,0,0,954,0,0,1,0,3,1,6,0,1976,2,576,1,0,0,0,0,0,0,2006,132500,132.5,Less than median +67,8877,4,6,1938,1958,126,816,1,816,0,0,816,1,0,1,0,2,1,3,1,1958,1,288,1,0,0,0,0,0,0,2009,100000,100,Less than median +60,7200,5,6,1938,1995,803,803,1,803,557,0,1360,0,0,1,1,2,1,6,0,1951,1,297,1,0,65,190,0,0,0,2006,125500,125.5,Less than median +24,2368,5,6,1970,1970,0,765,1,765,600,0,1365,0,0,1,1,3,1,7,0,1970,2,440,1,0,36,0,0,0,0,2009,125000,125,Less than median +80,9650,6,5,1977,1977,664,1350,1,1334,0,0,1334,0,1,2,0,2,1,6,1,1977,2,630,1,0,16,0,0,0,0,2009,167900,167.9,More than median +87,9246,5,5,1973,1973,1656,1656,1,1656,0,0,1656,0,0,2,0,4,2,8,0,1973,2,506,1,0,211,0,0,0,0,2008,135000,135,Less than median +153,4118,4,4,1941,1950,693,693,0,693,0,0,693,0,0,1,0,2,1,4,0,0,0,0,0,0,20,0,0,0,0,2006,52500,52.5,Less than median +95,13450,7,5,2002,2002,216,916,1,920,941,0,1861,1,0,2,1,3,1,8,0,2002,2,492,1,146,91,0,0,0,0,2006,200000,200,More than median +120,9560,5,7,1972,1972,504,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1972,1,288,1,0,0,0,0,0,0,2006,128500,128.5,Less than median +70,8294,4,5,1971,1971,858,858,1,872,0,0,872,0,0,1,0,3,1,5,0,1974,4,480,1,0,0,0,0,0,0,2007,123000,123,Less than median +66,13695,6,5,2003,2004,300,1114,1,1114,0,0,1114,1,0,1,0,3,1,6,0,2004,2,576,1,0,78,0,0,0,0,2008,155000,155,Less than median +-1,9375,8,5,2002,2002,1284,1284,1,1284,885,0,2169,0,0,2,1,3,1,7,1,2002,2,647,1,192,87,0,0,0,0,2007,228500,228.5,More than median +57,7558,6,6,1928,1950,896,896,1,1172,741,0,1913,0,0,1,1,3,1,9,1,1929,2,342,1,0,0,0,0,0,0,2009,177000,177,More than median +85,11103,7,5,2006,2006,728,728,1,728,728,0,1456,0,0,2,1,3,1,8,1,2006,2,440,1,0,0,0,0,0,0,2007,155835,155.84,Less than median +50,6000,4,4,1920,1950,710,960,1,960,0,0,960,0,0,1,0,2,1,5,0,1997,1,308,1,0,0,168,0,0,0,2007,108500,108.5,Less than median +-1,20781,7,7,1968,2003,1203,1568,1,2156,0,0,2156,0,0,2,0,3,1,9,1,1968,2,508,1,0,80,0,290,0,0,2006,262500,262.5,More than median +93,15306,8,5,2006,2007,1652,1732,1,1776,0,0,1776,1,0,2,0,3,1,7,1,2006,3,712,1,0,0,0,0,0,0,2007,283463,283.46,More than median +-1,16196,7,5,1998,1998,39,1482,1,1494,0,0,1494,1,0,2,0,3,1,5,1,1998,2,514,1,402,25,0,0,0,0,2007,215000,215,More than median +50,5250,8,5,1872,1987,425,684,0,938,1215,205,2358,0,0,2,0,4,1,8,0,0,0,0,1,0,54,20,0,0,0,2008,122000,122,Less than median +91,11643,5,5,1969,1969,748,1248,1,1338,1296,0,2634,1,1,2,2,6,2,12,0,1969,4,968,1,0,0,0,0,0,0,2009,200000,200,More than median +70,9247,6,6,1962,1962,539,858,1,858,858,0,1716,0,0,1,1,4,1,8,1,1962,2,490,1,0,84,0,0,120,0,2008,171000,171,More than median +50,6000,6,9,1937,2000,698,698,1,786,390,0,1176,0,0,1,0,2,1,4,0,1999,2,624,0,210,0,0,0,0,0,2009,134900,134.9,Less than median +56,14720,8,5,1995,1996,1217,2033,1,2053,1185,0,3238,1,0,2,1,4,1,9,1,1996,3,666,1,283,86,0,0,0,0,2010,410000,410,More than median +-1,10316,7,5,2000,2000,257,992,1,992,873,0,1865,1,0,2,1,3,1,7,1,2000,3,839,1,0,184,0,0,0,0,2008,235000,235,More than median +102,10192,7,6,1968,1992,570,570,1,1222,698,0,1920,0,0,3,0,4,1,8,1,1968,2,487,1,0,98,0,0,0,0,2006,170000,170,More than median +-1,9477,5,5,1966,1966,524,864,1,892,0,0,892,0,0,1,0,3,1,5,0,1966,1,264,1,0,0,0,0,0,0,2008,110000,110,Less than median +-1,12537,5,6,1971,2008,344,1078,1,1078,0,0,1078,1,0,1,1,3,1,6,1,1971,2,500,1,0,0,0,0,0,0,2010,149900,149.9,Less than median +-1,2117,6,5,2000,2000,378,756,1,769,804,0,1573,0,0,2,1,3,1,5,0,2000,2,440,1,0,32,0,0,0,0,2010,177500,177.5,More than median +129,16737,9,5,2004,2005,533,1980,1,1980,0,0,1980,1,0,2,0,3,1,8,1,2004,3,770,1,194,45,0,0,0,0,2006,315000,315,More than median +51,9842,5,6,1921,1998,612,612,1,990,1611,0,2601,0,0,3,1,4,1,8,0,1998,2,621,1,183,0,301,0,0,0,2008,189000,189,More than median +124,16158,7,5,2005,2005,256,1530,1,1530,0,0,1530,1,0,2,0,3,1,7,1,2005,2,430,1,168,36,0,0,0,0,2009,260000,260,More than median +-1,12513,4,4,1920,2007,715,715,1,1281,457,0,1738,0,0,2,0,4,1,7,1,1920,1,368,1,55,0,0,0,0,0,2009,104900,104.9,Less than median +73,8499,6,5,2006,2007,616,616,1,616,796,0,1412,0,0,2,1,3,1,6,1,2007,2,432,1,0,36,0,0,0,0,2007,156932,156.93,Less than median +30,3180,7,5,2005,2005,600,600,1,520,600,80,1200,0,0,2,1,2,1,4,0,2005,2,480,1,0,166,0,0,0,0,2006,144152,144.15,Less than median +-1,7500,7,5,2000,2000,281,814,1,814,860,0,1674,1,0,2,1,3,1,7,0,2000,2,663,1,0,96,0,0,0,0,2010,216000,216,More than median +68,9179,7,5,1999,1999,240,873,1,882,908,0,1790,1,0,2,1,3,1,7,0,1999,2,588,1,0,88,0,0,0,0,2008,193000,193,More than median +41,2665,5,6,1977,1977,36,757,1,925,550,0,1475,0,0,2,0,4,1,6,1,1977,1,336,1,104,26,0,0,0,0,2006,127000,127,Less than median +-1,4435,6,5,2003,2004,163,848,1,848,0,0,848,1,0,1,0,1,1,4,0,2003,2,420,1,140,0,0,0,0,0,2009,144000,144,Less than median +48,10635,8,5,2003,2003,315,1657,1,1668,0,0,1668,1,0,2,0,3,1,8,1,2003,2,502,1,0,262,0,0,0,0,2010,232000,232,More than median +90,5400,4,6,1920,1950,420,840,1,840,534,0,1374,0,0,1,0,2,1,6,0,1967,1,338,1,0,0,198,0,0,0,2009,105000,105,Less than median +80,9600,6,6,1955,1996,161,992,1,1661,0,0,1661,1,0,1,0,3,1,8,1,1955,1,377,1,0,28,0,0,178,0,2008,165500,165.5,More than median +75,9750,7,6,1998,1998,133,1108,1,1108,989,0,2097,1,0,2,1,3,1,8,1,1998,2,583,1,253,170,0,0,0,0,2006,274300,274.3,More than median +-1,11400,10,5,2001,2002,1351,2633,1,2633,0,0,2633,1,0,2,1,2,1,8,2,2001,3,804,1,314,140,0,0,0,0,2007,466500,466.5,More than median +85,10625,7,5,2005,2005,1026,1026,1,1026,932,0,1958,0,0,2,1,3,1,9,1,2005,3,936,1,154,210,0,0,0,0,2008,250000,250,More than median +89,10991,8,5,2007,2007,1571,1571,1,1571,0,0,1571,0,0,2,0,3,1,7,1,2007,3,722,1,100,36,0,0,0,0,2007,239000,239,More than median +52,6292,6,5,1930,1950,384,768,0,790,0,0,790,0,0,1,0,2,1,4,0,1925,1,160,1,0,141,0,0,0,0,2008,91000,91,Less than median +60,10998,5,5,1941,1960,156,984,1,984,620,0,1604,0,0,2,0,3,1,6,0,1977,2,660,1,0,68,0,0,0,0,2009,117000,117,Less than median +21,1953,6,5,1973,1973,174,483,1,483,504,0,987,0,0,1,1,2,1,5,0,1973,1,264,1,72,0,0,0,0,0,2006,83000,83,Less than median +73,9735,5,5,2006,2007,384,384,1,754,640,0,1394,0,0,2,1,3,1,7,0,2007,2,400,1,100,0,0,0,0,0,2008,167500,167.5,More than median +45,8212,3,3,1914,1950,661,864,0,864,0,0,864,1,0,1,0,2,1,5,0,1938,1,200,1,0,0,96,0,0,0,2010,58500,58.5,Less than median +-1,12925,6,7,1970,1970,340,1205,1,2117,0,0,2117,0,0,2,1,4,1,7,2,1970,2,550,1,0,42,0,0,0,0,2008,237500,237.5,More than median +60,7200,7,7,1920,1950,596,596,1,998,764,0,1762,1,0,1,1,4,1,8,0,1989,2,576,0,36,0,221,0,0,0,2006,157000,157,Less than median +-1,25339,5,7,1918,2007,816,816,1,1416,0,0,1416,0,0,2,0,3,1,7,0,2007,2,576,0,0,0,112,0,0,0,2007,112000,112,Less than median +60,9060,6,5,1939,1950,356,560,1,698,560,0,1258,0,0,1,0,2,1,6,0,1939,1,280,1,0,0,0,0,0,0,2009,105000,105,Less than median +40,5436,4,8,1922,2007,61,796,1,796,358,0,1154,1,0,1,0,3,1,7,0,1922,1,240,0,0,96,0,0,0,0,2010,125500,125.5,Less than median +80,16692,7,5,1978,1978,133,1392,1,1392,1392,0,2784,1,0,3,1,5,1,12,2,1978,2,564,1,0,112,0,0,440,519,2006,250000,250,More than median +60,8520,6,7,1916,1950,0,714,0,1664,862,0,2526,0,0,2,0,5,1,10,1,1916,1,216,1,88,15,0,0,0,0,2007,136000,136,Less than median +42,14892,9,5,2006,2007,426,1746,1,1746,0,0,1746,1,0,2,0,3,1,7,2,2006,3,758,1,201,39,0,0,0,0,2009,377500,377.5,More than median +60,6000,6,6,1941,1950,360,735,1,869,349,0,1218,0,1,1,0,3,1,6,1,2003,2,440,1,0,0,0,0,0,0,2007,131000,131,Less than median +70,9100,7,5,2000,2000,125,1525,1,1525,0,0,1525,1,0,2,0,3,1,6,0,2000,2,541,1,219,36,0,0,0,0,2006,235000,235,More than median +65,8944,5,5,1967,1967,1584,1584,1,1584,0,0,1584,0,0,2,0,4,2,8,0,1967,3,792,1,0,152,0,0,0,0,2009,124000,124,Less than median +68,7838,5,5,1967,1967,95,864,1,900,0,0,900,1,0,1,0,3,1,6,1,1967,1,288,1,175,144,0,0,0,0,2006,123000,123,Less than median +60,10800,6,7,1905,2000,482,482,0,1221,691,0,1912,0,0,2,0,3,2,7,1,2003,2,672,1,0,25,212,0,0,0,2008,163000,163,Less than median +53,4045,7,5,2006,2006,286,1356,1,1500,0,0,1500,1,0,2,0,2,1,6,1,2006,3,648,1,161,20,0,0,0,0,2006,246578,246.58,More than median +88,12665,8,5,2005,2006,1094,1094,1,1133,1349,0,2482,0,0,2,1,4,1,9,1,2005,3,642,1,144,39,0,0,0,0,2007,281213,281.21,More than median +-1,57200,5,5,1948,1950,60,747,1,1687,0,0,1687,1,0,1,0,3,1,7,2,1966,2,572,0,0,0,50,0,0,0,2010,160000,160,Less than median +51,6120,5,8,1920,2004,939,939,1,939,574,0,1513,0,0,1,1,4,1,8,0,1933,1,180,0,24,0,150,0,0,0,2007,137500,137.5,Less than median +60,7200,5,4,1950,1982,676,1208,1,1136,768,0,1904,1,0,1,1,3,1,7,0,1950,1,240,1,0,0,168,0,0,0,2009,138000,138,Less than median +51,6171,6,6,1925,1990,712,976,1,1160,448,0,1608,0,0,2,1,3,1,7,1,1925,1,216,1,147,16,0,0,0,0,2009,137450,137.45,Less than median +50,6000,6,7,1929,1950,862,862,1,950,208,0,1158,0,0,1,0,3,1,5,1,1929,1,208,1,0,0,112,0,0,0,2008,120000,120,Less than median +62,7415,6,5,2004,2004,80,839,1,864,729,0,1593,1,0,2,1,3,1,8,1,2004,2,398,1,100,75,0,0,0,0,2008,193000,193,More than median +64,6762,7,5,2006,2006,1286,1286,1,1294,0,0,1294,0,0,2,0,2,1,6,1,2006,2,662,1,168,55,0,0,0,0,2006,193879,193.88,More than median +49,15256,8,5,2007,2007,556,1485,1,1464,0,0,1464,1,0,2,0,3,1,6,0,2007,3,754,1,168,160,0,0,0,0,2007,282922,282.92,More than median +60,10410,3,4,1915,1950,672,672,1,694,520,0,1214,0,0,1,0,3,1,6,0,1998,3,936,1,216,0,160,0,0,0,2006,105000,105,Less than median +44,3842,8,5,2004,2005,221,1594,1,1646,0,0,1646,1,1,2,0,2,1,5,1,2004,2,482,1,128,53,0,0,155,0,2008,275000,275,More than median +70,8445,5,7,1972,2007,112,768,1,768,0,0,768,1,0,1,0,2,1,5,0,1988,2,396,1,58,0,0,0,0,0,2009,133000,133,Less than median +-1,8780,5,5,1985,1985,208,833,1,833,0,0,833,1,0,1,0,3,1,5,0,0,0,0,1,0,0,0,0,0,0,2009,112000,112,Less than median +60,7740,4,7,1910,1950,622,622,1,741,622,0,1363,0,0,1,0,3,1,6,0,1966,2,528,1,0,0,0,0,168,0,2010,125500,125.5,Less than median +46,20544,7,6,1986,1991,791,791,1,1236,857,0,2093,0,0,2,1,3,1,7,1,1986,2,542,1,364,63,0,0,0,0,2008,215000,215,More than median +79,12420,7,5,2001,2001,278,944,1,944,896,0,1840,1,0,2,1,3,1,6,0,2001,2,622,1,0,45,0,0,0,0,2009,230000,230,More than median +80,9600,6,8,1950,2005,736,856,1,1112,556,0,1668,0,0,1,1,3,1,6,0,1950,1,271,1,0,0,0,0,0,0,2009,140000,140,Less than median +60,7200,4,5,1949,1950,0,0,0,1040,0,0,1040,0,0,2,0,2,2,6,0,1956,2,420,1,0,0,0,0,0,0,2009,90000,90,Less than median +88,10994,8,5,2005,2006,868,1844,1,1844,0,0,1844,1,0,2,0,2,1,7,1,2005,2,620,1,165,44,0,0,0,0,2009,257000,257,More than median +64,13053,6,7,1923,2000,833,833,1,1053,795,0,1848,0,0,1,1,4,1,8,1,1922,2,370,0,0,0,0,0,220,0,2008,207000,207,More than median +51,3635,7,5,2007,2007,398,1386,1,1569,0,0,1569,0,1,2,0,1,1,7,1,2007,3,660,1,143,20,0,0,0,0,2009,175900,175.9,More than median +60,11340,4,6,1885,1950,777,777,1,1246,1044,0,2290,0,0,2,0,4,2,11,0,1971,2,560,0,0,0,114,0,0,0,2010,122500,122.5,Less than median +-1,16545,8,5,1998,1998,503,1284,1,1310,1140,0,2450,1,0,2,1,3,1,7,1,1998,3,1069,1,0,126,0,0,0,0,2009,340000,340,More than median +71,9204,5,5,1963,1963,247,1144,1,1144,0,0,1144,1,0,1,1,3,1,6,0,1962,1,336,1,0,88,0,0,0,0,2008,124000,124,Less than median +-1,16381,6,5,1969,1969,734,1844,1,1844,0,0,1844,1,0,2,0,3,1,7,1,1969,2,540,1,0,73,216,0,0,0,2006,223000,223,More than median +90,11700,6,6,1968,1968,304,708,1,708,708,0,1416,0,0,2,1,3,1,7,1,1968,2,776,1,0,169,0,0,119,0,2006,179900,179.9,More than median +53,4043,6,5,1977,1977,709,1069,1,1069,0,0,1069,0,0,2,0,2,1,4,1,1977,2,440,1,0,55,0,0,165,0,2010,127500,127.5,Less than median +37,4435,6,5,2003,2003,162,848,1,848,0,0,848,1,0,1,0,1,1,3,0,2003,2,420,1,140,0,0,0,0,0,2008,136500,136.5,Less than median +-1,19690,6,7,1966,1966,697,697,1,1575,626,0,2201,0,0,2,0,4,1,8,1,1966,2,432,1,586,236,0,0,0,738,2006,274970,274.97,More than median +-1,9503,5,5,1958,1983,193,1024,1,1344,0,0,1344,1,0,1,0,2,1,6,1,1970,1,484,1,316,28,0,0,0,0,2007,144000,144,Less than median +80,10721,6,6,1959,1959,1252,1252,1,1252,0,0,1252,0,0,1,0,3,1,7,0,1960,2,528,1,0,39,0,0,0,0,2008,142000,142,Less than median +81,10944,7,5,1994,1994,223,1223,1,1223,904,0,2127,1,0,2,1,3,1,5,2,1994,2,525,1,171,132,0,0,0,0,2008,271000,271,More than median +60,10930,5,6,1945,1950,333,913,1,1048,510,0,1558,1,0,1,1,3,1,6,1,1962,1,288,1,0,0,0,0,0,0,2008,140000,140,Less than median +60,7200,5,7,1940,1992,278,788,1,804,0,0,804,1,0,1,0,2,1,4,2,1940,1,240,1,0,0,154,0,0,0,2010,119000,119,Less than median +-1,12546,6,7,1981,1981,762,1440,1,1440,0,0,1440,0,0,2,0,3,1,7,1,1981,2,467,1,0,0,99,0,0,0,2007,182900,182.9,More than median +60,21930,5,5,2005,2005,732,732,1,734,1104,0,1838,0,0,2,1,4,1,7,1,2005,2,372,1,100,40,0,0,0,0,2006,192140,192.14,More than median +-1,4928,6,6,1976,1976,0,958,1,958,0,0,958,0,0,2,0,2,1,5,0,1976,2,440,1,0,60,0,0,0,0,2009,143750,143.75,Less than median +60,10800,4,6,1927,2007,656,656,1,968,0,0,968,0,0,2,0,4,1,5,0,1928,1,216,1,0,0,0,0,0,0,2007,64500,64.5,Less than median +93,10261,6,5,2000,2000,936,936,1,962,830,0,1792,1,0,2,1,3,1,8,1,2000,2,451,1,0,0,0,0,0,0,2008,186500,186.5,More than median +80,17400,5,5,1977,1977,190,1126,1,1126,0,0,1126,1,0,2,0,3,1,5,1,1977,2,484,1,295,41,0,0,0,0,2006,160000,160,Less than median +80,8400,6,9,1962,2005,1319,1319,1,1537,0,0,1537,1,0,1,1,3,1,7,1,1962,2,462,1,0,36,0,0,0,0,2008,174000,174,More than median +60,9000,4,6,1971,1971,248,864,1,864,0,0,864,0,0,1,0,3,1,5,0,1974,2,528,1,0,0,0,0,0,0,2007,120500,120.5,Less than median +96,12444,8,5,2008,2008,596,1932,1,1932,0,0,1932,1,0,2,0,2,1,7,1,2008,3,774,1,0,66,0,304,0,0,2008,394617,394.62,More than median +90,7407,6,7,1957,1996,312,912,1,1236,0,0,1236,1,0,1,0,2,1,6,0,1957,2,923,1,0,158,158,0,0,0,2010,149700,149.7,Less than median +80,11584,7,6,1979,1979,114,539,1,1040,685,0,1725,0,0,2,1,3,1,6,1,1979,2,550,1,0,88,216,0,0,0,2007,197000,197,More than median +79,11526,6,7,1922,1994,588,588,1,1423,748,384,2555,0,0,2,0,3,1,11,1,1993,2,672,1,431,0,0,0,0,0,2008,191000,191,More than median +-1,4426,6,5,2004,2004,151,848,1,848,0,0,848,1,0,1,0,1,1,3,1,2004,2,420,1,149,0,0,0,0,0,2008,149300,149.3,Less than median +85,11003,10,5,2008,2008,252,1017,1,1026,981,0,2007,1,0,2,1,3,1,10,1,2008,3,812,1,168,52,0,0,0,0,2009,310000,310,More than median +-1,8854,6,6,1916,1950,952,952,0,952,0,0,952,0,0,1,0,2,1,4,1,1916,1,192,1,0,98,0,0,40,0,2009,121000,121,Less than median +63,8500,7,5,2004,2004,1422,1422,1,1422,0,0,1422,0,0,2,0,3,1,7,0,2004,2,626,1,192,60,0,0,0,0,2007,179600,179.6,More than median +70,8400,6,5,1966,1966,0,814,1,913,0,0,913,1,0,1,0,3,1,6,0,1990,1,240,1,0,0,252,0,0,0,2007,129000,129,Less than median +-1,26142,5,7,1962,1962,595,1188,1,1188,0,0,1188,0,0,1,0,3,1,6,0,1962,1,312,1,261,39,0,0,0,0,2010,157900,157.9,Less than median +80,10000,8,5,1995,1996,141,1220,1,1220,870,0,2090,1,0,2,1,3,1,8,1,1995,2,556,1,0,65,0,0,0,0,2007,240000,240,More than median +70,11767,4,7,1910,2000,560,560,0,796,550,0,1346,0,0,1,1,2,1,6,0,1950,1,384,1,168,24,0,0,0,0,2007,112000,112,Less than median +21,1533,5,7,1970,1970,77,630,1,630,0,0,630,1,0,1,0,1,1,3,0,0,0,0,1,0,0,0,0,0,0,2006,92000,92,Less than median +60,9000,5,5,1974,1974,896,896,1,896,896,0,1792,0,0,2,2,4,2,8,0,0,0,0,1,32,45,0,0,0,0,2009,136000,136,Less than median +78,9262,8,5,2008,2009,1573,1573,1,1578,0,0,1578,0,0,2,0,3,1,7,1,2008,3,840,1,0,36,0,0,0,0,2009,287090,287.09,More than median +35,3675,5,5,2005,2005,0,547,1,1072,0,0,1072,1,0,1,0,2,1,5,0,2005,2,525,1,0,28,0,0,0,0,2006,145000,145,Less than median +90,17217,5,5,2006,2006,1140,1140,1,1140,0,0,1140,0,0,1,0,3,1,6,0,0,0,0,1,36,56,0,0,0,0,2006,84500,84.5,Less than median +62,7500,7,5,2004,2005,811,1221,1,1221,0,0,1221,1,0,2,0,2,1,6,0,2004,2,400,1,0,113,0,0,0,0,2009,185000,185,More than median +62,7917,6,5,1999,2000,953,953,1,953,694,0,1647,0,0,2,1,3,1,7,1,1999,2,460,1,0,40,0,0,0,0,2007,175000,175,More than median +85,13175,6,6,1978,1988,589,1542,1,2073,0,0,2073,1,0,2,0,3,1,7,2,1978,2,500,1,349,0,0,0,0,0,2010,210000,210,More than median +66,9042,7,9,1941,2006,877,1152,1,1188,1152,0,2340,0,0,2,0,4,1,9,2,1941,1,252,1,0,60,0,0,0,0,2010,266500,266.5,More than median +68,9717,5,6,1950,1996,0,1078,1,1078,0,0,1078,1,0,1,0,2,1,5,0,1950,1,240,1,366,0,112,0,0,0,2010,142125,142.13,Less than median +75,9937,5,6,1965,1965,136,1256,1,1256,0,0,1256,1,0,1,1,3,1,6,0,1965,1,276,1,736,68,0,0,0,0,2008,147500,147.5,Less than median diff --git a/notebooks/responsibleaidashboard/face_verify_sample_rand_data.csv b/notebooks/responsibleaidashboard/face_verify_sample_rand_data.csv new file mode 100644 index 0000000000..712406affb --- /dev/null +++ b/notebooks/responsibleaidashboard/face_verify_sample_rand_data.csv @@ -0,0 +1,4001 @@ +,source_image,target_image,race,gender,golden_label,matching_score +0,Source_Img_0,Target_Img_0,Black,Female,1,1 +1,Source_Img_1,Target_Img_1,Black,Female,1,0.9104725 +2,Source_Img_2,Target_Img_2,Black,Female,1,0.83712675 +3,Source_Img_3,Target_Img_3,Black,Female,0,0.13075208 +4,Source_Img_4,Target_Img_4,Black,Female,1,1 +5,Source_Img_5,Target_Img_5,Black,Female,1,0.905 +6,Source_Img_6,Target_Img_6,Black,Female,1,0.62930356 +7,Source_Img_7,Target_Img_7,Black,Female,0,0.04706076 +8,Source_Img_8,Target_Img_8,Black,Female,0,0.14606383 +9,Source_Img_9,Target_Img_9,Black,Female,0,0.049508985 +10,Source_Img_10,Target_Img_10,Black,Female,0,0.03947343 +11,Source_Img_11,Target_Img_11,Black,Female,1,1 +12,Source_Img_12,Target_Img_12,Black,Female,1,0.7856258 +13,Source_Img_13,Target_Img_13,Black,Female,0,0.170909045 +14,Source_Img_14,Target_Img_14,Black,Female,0,0.19378233 +15,Source_Img_15,Target_Img_15,Black,Female,1,0.75443374 +16,Source_Img_16,Target_Img_16,Black,Female,1,1 +17,Source_Img_17,Target_Img_17,Black,Female,0,0.17690419 +18,Source_Img_18,Target_Img_18,Black,Female,1,0.638933 +19,Source_Img_19,Target_Img_19,Black,Female,1,0.7293986 +20,Source_Img_20,Target_Img_20,Black,Female,1,0.903 +21,Source_Img_21,Target_Img_21,Black,Female,0,0.160410126 +22,Source_Img_22,Target_Img_22,Black,Female,0,0 +23,Source_Img_23,Target_Img_23,Black,Female,1,0.6750643 +24,Source_Img_24,Target_Img_24,Black,Female,0,0.045481694 +25,Source_Img_25,Target_Img_25,Black,Female,0,0.09487555 +26,Source_Img_26,Target_Img_26,Black,Female,0,0.153942296 +27,Source_Img_27,Target_Img_27,Black,Female,0,0.1298799 +28,Source_Img_28,Target_Img_28,Black,Female,1,0.7476388 +29,Source_Img_29,Target_Img_29,Black,Female,1,0.73316335 +30,Source_Img_30,Target_Img_30,Black,Female,1,0.7408154 +31,Source_Img_31,Target_Img_31,Black,Female,1,0.79269095 +32,Source_Img_32,Target_Img_32,Black,Female,0,0.15963756 +33,Source_Img_33,Target_Img_33,Black,Female,1,0.965 +34,Source_Img_34,Target_Img_34,Black,Female,1,0.7711117 +35,Source_Img_35,Target_Img_35,Black,Female,0,0.14391651 +36,Source_Img_36,Target_Img_36,Black,Female,0,0.037785444 +37,Source_Img_37,Target_Img_37,Black,Female,1,0.8391708 +38,Source_Img_38,Target_Img_38,Black,Female,1,0.95317206 +39,Source_Img_39,Target_Img_39,Black,Female,0,0.12854894 +40,Source_Img_40,Target_Img_40,Black,Female,1,0.76343246 +41,Source_Img_41,Target_Img_41,Black,Female,0,0.26651884 +42,Source_Img_42,Target_Img_42,Black,Female,1,0.8044057 +43,Source_Img_43,Target_Img_43,Black,Female,0,0.12067682 +44,Source_Img_44,Target_Img_44,Black,Female,1,0.8257901 +45,Source_Img_45,Target_Img_45,Black,Female,0,0.06340202 +46,Source_Img_46,Target_Img_46,Black,Female,0,0.13431403 +47,Source_Img_47,Target_Img_47,Black,Female,0,0.22553975 +48,Source_Img_48,Target_Img_48,Black,Female,1,0.943 +49,Source_Img_49,Target_Img_49,Black,Female,1,0.76253116 +50,Source_Img_50,Target_Img_50,Black,Female,1,0.65737377 +51,Source_Img_51,Target_Img_51,Black,Female,0,0.178800166 +52,Source_Img_52,Target_Img_52,Black,Female,0,0.078340205 +53,Source_Img_53,Target_Img_53,Black,Female,0,0.01026098 +54,Source_Img_54,Target_Img_54,Black,Female,1,0.5718826 +55,Source_Img_55,Target_Img_55,Black,Female,0,0.15766083 +56,Source_Img_56,Target_Img_56,Black,Female,1,0.9475255 +57,Source_Img_57,Target_Img_57,Black,Female,1,0.9539622 +58,Source_Img_58,Target_Img_58,Black,Female,0,0.00409811 +59,Source_Img_59,Target_Img_59,Black,Female,0,0.28096383 +60,Source_Img_60,Target_Img_60,Black,Female,1,0.9228416 +61,Source_Img_61,Target_Img_61,Black,Female,1,1 +62,Source_Img_62,Target_Img_62,Black,Female,1,0.63387034 +63,Source_Img_63,Target_Img_63,Black,Female,0,0.04546265 +64,Source_Img_64,Target_Img_64,Black,Female,1,0.625338 +65,Source_Img_65,Target_Img_65,Black,Female,1,0.829753 +66,Source_Img_66,Target_Img_66,Black,Female,0,0.3405285 +67,Source_Img_67,Target_Img_67,Black,Female,1,0.7384171 +68,Source_Img_68,Target_Img_68,Black,Female,0,0.078135315 +69,Source_Img_69,Target_Img_69,Black,Female,0,0.11159772 +70,Source_Img_70,Target_Img_70,Black,Female,1,0.918 +71,Source_Img_71,Target_Img_71,Black,Female,0,0.154624414 +72,Source_Img_72,Target_Img_72,Black,Female,0,0.0402612 +73,Source_Img_73,Target_Img_73,Black,Female,1,0.6250867 +74,Source_Img_74,Target_Img_74,Black,Female,0,0.115468246 +75,Source_Img_75,Target_Img_75,Black,Female,1,0.90609357 +76,Source_Img_76,Target_Img_76,Black,Female,0,0.05200612 +77,Source_Img_77,Target_Img_77,Black,Female,1,0.5393728 +78,Source_Img_78,Target_Img_78,Black,Female,0,0.04410786 +79,Source_Img_79,Target_Img_79,Black,Female,0,0.027890746 +80,Source_Img_80,Target_Img_80,Black,Female,1,0.71886774 +81,Source_Img_81,Target_Img_81,Black,Female,1,0.7736835 +82,Source_Img_82,Target_Img_82,Black,Female,1,0.81336975 +83,Source_Img_83,Target_Img_83,Black,Female,0,0.1403826 +84,Source_Img_84,Target_Img_84,Black,Female,0,0.02657864 +85,Source_Img_85,Target_Img_85,Black,Female,1,0.71563477 +86,Source_Img_86,Target_Img_86,Black,Female,0,0.05918036 +87,Source_Img_87,Target_Img_87,Black,Female,1,0.95175614 +88,Source_Img_88,Target_Img_88,Black,Female,0,0.02778439 +89,Source_Img_89,Target_Img_89,Black,Female,0,0 +90,Source_Img_90,Target_Img_90,Black,Female,1,0.9953159 +91,Source_Img_91,Target_Img_91,Black,Female,0,0.18680061 +92,Source_Img_92,Target_Img_92,Black,Female,0,0.1980553 +93,Source_Img_93,Target_Img_93,Black,Female,1,0.96481026 +94,Source_Img_94,Target_Img_94,Black,Female,0,0.15426738 +95,Source_Img_95,Target_Img_95,Black,Female,0,0.13726355 +96,Source_Img_96,Target_Img_96,Black,Female,1,0.952 +97,Source_Img_97,Target_Img_97,Black,Female,1,0.75188845 +98,Source_Img_98,Target_Img_98,Black,Female,0,0.29115184 +99,Source_Img_99,Target_Img_99,Black,Female,1,0.78498954 +100,Source_Img_100,Target_Img_100,Black,Female,0,0.11661838 +101,Source_Img_101,Target_Img_101,Black,Female,0,0.18710083 +102,Source_Img_102,Target_Img_102,Black,Female,1,0.9130719 +103,Source_Img_103,Target_Img_103,Black,Female,0,0.02790135 +104,Source_Img_104,Target_Img_104,Black,Female,1,0.8461549 +105,Source_Img_105,Target_Img_105,Black,Female,0,0.067023165 +106,Source_Img_106,Target_Img_106,Black,Female,1,0.34329014 +107,Source_Img_107,Target_Img_107,Black,Female,1,0.7059234 +108,Source_Img_108,Target_Img_108,Black,Female,1,0.85483204 +109,Source_Img_109,Target_Img_109,Black,Female,1,0.66504186 +110,Source_Img_110,Target_Img_110,Black,Female,0,0.03653299 +111,Source_Img_111,Target_Img_111,Black,Female,0,0.003977166 +112,Source_Img_112,Target_Img_112,Black,Female,0,0.191372936 +113,Source_Img_113,Target_Img_113,Black,Female,1,0.81730835 +114,Source_Img_114,Target_Img_114,Black,Female,1,1 +115,Source_Img_115,Target_Img_115,Black,Female,1,0.63422596 +116,Source_Img_116,Target_Img_116,Black,Female,1,0.6563656 +117,Source_Img_117,Target_Img_117,Black,Female,1,0.87566283 +118,Source_Img_118,Target_Img_118,Black,Female,1,0.7404209 +119,Source_Img_119,Target_Img_119,Black,Female,0,0.10110663 +120,Source_Img_120,Target_Img_120,Black,Female,1,0.5941063 +121,Source_Img_121,Target_Img_121,Black,Female,0,0.29616567 +122,Source_Img_122,Target_Img_122,Black,Female,1,0.8332245 +123,Source_Img_123,Target_Img_123,Black,Female,0,0.070157214 +124,Source_Img_124,Target_Img_124,Black,Female,0,0.032535386 +125,Source_Img_125,Target_Img_125,Black,Female,1,0.7787016 +126,Source_Img_126,Target_Img_126,Black,Female,0,0.12967084 +127,Source_Img_127,Target_Img_127,Black,Female,1,0.86539896 +128,Source_Img_128,Target_Img_128,Black,Female,1,0.67415245 +129,Source_Img_129,Target_Img_129,Black,Female,0,0.02983091 +130,Source_Img_130,Target_Img_130,Black,Female,0,0.09101865 +131,Source_Img_131,Target_Img_131,Black,Female,1,0.77752434 +132,Source_Img_132,Target_Img_132,Black,Female,0,0.023366636 +133,Source_Img_133,Target_Img_133,Black,Female,1,0.6665497 +134,Source_Img_134,Target_Img_134,Black,Female,1,0.941 +135,Source_Img_135,Target_Img_135,Black,Female,0,0.04228235 +136,Source_Img_136,Target_Img_136,Black,Female,1,0.61856407 +137,Source_Img_137,Target_Img_137,Black,Female,1,0.77013965 +138,Source_Img_138,Target_Img_138,Black,Female,0,0.19151291 +139,Source_Img_139,Target_Img_139,Black,Female,1,0.9572656 +140,Source_Img_140,Target_Img_140,Black,Female,1,1 +141,Source_Img_141,Target_Img_141,Black,Female,0,0.26083414 +142,Source_Img_142,Target_Img_142,Black,Female,0,0.064571805 +143,Source_Img_143,Target_Img_143,Black,Female,0,0.123180035 +144,Source_Img_144,Target_Img_144,Black,Female,1,0.8960733 +145,Source_Img_145,Target_Img_145,Black,Female,0,0.19139763 +146,Source_Img_146,Target_Img_146,Black,Female,0,0.06887286 +147,Source_Img_147,Target_Img_147,Black,Female,1,0.57617916 +148,Source_Img_148,Target_Img_148,Black,Female,1,0.8136268 +149,Source_Img_149,Target_Img_149,Black,Female,1,1 +150,Source_Img_150,Target_Img_150,Black,Female,0,0.20567634 +151,Source_Img_151,Target_Img_151,Black,Female,1,1 +152,Source_Img_152,Target_Img_152,Black,Female,0,0.059085956 +153,Source_Img_153,Target_Img_153,Black,Female,1,0.898096 +154,Source_Img_154,Target_Img_154,Black,Female,1,0.7584001 +155,Source_Img_155,Target_Img_155,Black,Female,1,0.4808902 +156,Source_Img_156,Target_Img_156,Black,Female,1,0.71586606 +157,Source_Img_157,Target_Img_157,Black,Female,0,0.04196293 +158,Source_Img_158,Target_Img_158,Black,Female,1,0.8833657 +159,Source_Img_159,Target_Img_159,Black,Female,0,0.00510896 +160,Source_Img_160,Target_Img_160,Black,Female,1,0.7090051 +161,Source_Img_161,Target_Img_161,Black,Female,1,0.843454 +162,Source_Img_162,Target_Img_162,Black,Female,1,0.982 +163,Source_Img_163,Target_Img_163,Black,Female,0,0.1980134 +164,Source_Img_164,Target_Img_164,Black,Female,0,0.08134914 +165,Source_Img_165,Target_Img_165,Black,Female,1,0.6825401 +166,Source_Img_166,Target_Img_166,Black,Female,1,0.7686423 +167,Source_Img_167,Target_Img_167,Black,Female,1,0.7668824 +168,Source_Img_168,Target_Img_168,Black,Female,0,0 +169,Source_Img_169,Target_Img_169,Black,Female,0,0.14498815 +170,Source_Img_170,Target_Img_170,Black,Female,1,0.92 +171,Source_Img_171,Target_Img_171,Black,Female,0,0.00209985 +172,Source_Img_172,Target_Img_172,Black,Female,0,0.15995203 +173,Source_Img_173,Target_Img_173,Black,Female,1,0.7498303 +174,Source_Img_174,Target_Img_174,Black,Female,0,0.10992834 +175,Source_Img_175,Target_Img_175,Black,Female,1,0.70382154 +176,Source_Img_176,Target_Img_176,Black,Female,1,0.82718826 +177,Source_Img_177,Target_Img_177,Black,Female,0,0.27709162 +178,Source_Img_178,Target_Img_178,Black,Female,1,0.7724903 +179,Source_Img_179,Target_Img_179,Black,Female,1,0.8230291 +180,Source_Img_180,Target_Img_180,Black,Female,0,0.14016396 +181,Source_Img_181,Target_Img_181,Black,Female,0,0.16736333 +182,Source_Img_182,Target_Img_182,Black,Female,1,0.7135153 +183,Source_Img_183,Target_Img_183,Black,Female,0,0.090770304 +184,Source_Img_184,Target_Img_184,Black,Female,0,0.1953865 +185,Source_Img_185,Target_Img_185,Black,Female,0,0.09571904 +186,Source_Img_186,Target_Img_186,Black,Female,1,0.68313566 +187,Source_Img_187,Target_Img_187,Black,Female,1,0.69893305 +188,Source_Img_188,Target_Img_188,Black,Female,1,0.904 +189,Source_Img_189,Target_Img_189,Black,Female,1,1 +190,Source_Img_190,Target_Img_190,Black,Female,0,0.23597311 +191,Source_Img_191,Target_Img_191,Black,Female,0,0.17184781 +192,Source_Img_192,Target_Img_192,Black,Female,1,0.7292566 +193,Source_Img_193,Target_Img_193,Black,Female,1,0.62487875 +194,Source_Img_194,Target_Img_194,Black,Female,1,0.7505373 +195,Source_Img_195,Target_Img_195,Black,Female,0,0.11235504 +196,Source_Img_196,Target_Img_196,Black,Female,1,0.64741457 +197,Source_Img_197,Target_Img_197,Black,Female,0,0.10050846 +198,Source_Img_198,Target_Img_198,Black,Female,0,0.23547933 +199,Source_Img_199,Target_Img_199,Black,Female,1,1 +200,Source_Img_200,Target_Img_200,Black,Female,0,0 +201,Source_Img_201,Target_Img_201,Black,Female,0,0.07226286 +202,Source_Img_202,Target_Img_202,Black,Female,1,0.687776 +203,Source_Img_203,Target_Img_203,Black,Female,0,0.01581028 +204,Source_Img_204,Target_Img_204,Black,Female,0,0.093923076 +205,Source_Img_205,Target_Img_205,Black,Female,0,0.146877945 +206,Source_Img_206,Target_Img_206,Black,Female,1,0.6187418 +207,Source_Img_207,Target_Img_207,Black,Female,1,0.6941397 +208,Source_Img_208,Target_Img_208,Black,Female,0,0.02401914 +209,Source_Img_209,Target_Img_209,Black,Female,0,0.11616321 +210,Source_Img_210,Target_Img_210,Black,Female,1,0.7017881 +211,Source_Img_211,Target_Img_211,Black,Female,0,0.07506457 +212,Source_Img_212,Target_Img_212,Black,Female,0,0.14290826 +213,Source_Img_213,Target_Img_213,Black,Female,1,0.8015319 +214,Source_Img_214,Target_Img_214,Black,Female,0,0.01661224 +215,Source_Img_215,Target_Img_215,Black,Female,1,0.67390436 +216,Source_Img_216,Target_Img_216,Black,Female,0,0.02596612 +217,Source_Img_217,Target_Img_217,Black,Female,1,0.952 +218,Source_Img_218,Target_Img_218,Black,Female,0,0.12342212 +219,Source_Img_219,Target_Img_219,Black,Female,1,0.8699549 +220,Source_Img_220,Target_Img_220,Black,Female,0,0.07982948 +221,Source_Img_221,Target_Img_221,Black,Female,1,0.6719238 +222,Source_Img_222,Target_Img_222,Black,Female,0,0.15344667 +223,Source_Img_223,Target_Img_223,Black,Female,0,0.17268762 +224,Source_Img_224,Target_Img_224,Black,Female,1,1 +225,Source_Img_225,Target_Img_225,Black,Female,0,0.23748847 +226,Source_Img_226,Target_Img_226,Black,Female,1,1 +227,Source_Img_227,Target_Img_227,Black,Female,0,0.09816373 +228,Source_Img_228,Target_Img_228,Black,Female,1,0.54228724 +229,Source_Img_229,Target_Img_229,Black,Female,1,0.99 +230,Source_Img_230,Target_Img_230,Black,Female,0,0.17223071 +231,Source_Img_231,Target_Img_231,Black,Female,0,0 +232,Source_Img_232,Target_Img_232,Black,Female,1,0.93416936 +233,Source_Img_233,Target_Img_233,Black,Female,0,0.08403501 +234,Source_Img_234,Target_Img_234,Black,Female,0,0.033560585 +235,Source_Img_235,Target_Img_235,Black,Female,0,0.09282431 +236,Source_Img_236,Target_Img_236,Black,Female,1,0.8129892 +237,Source_Img_237,Target_Img_237,Black,Female,0,0.24741081 +238,Source_Img_238,Target_Img_238,Black,Female,0,0.014466176 +239,Source_Img_239,Target_Img_239,Black,Female,1,0.6744158 +240,Source_Img_240,Target_Img_240,Black,Female,0,0.19099841 +241,Source_Img_241,Target_Img_241,Black,Female,1,0.58892985 +242,Source_Img_242,Target_Img_242,Black,Female,0,0.05509819 +243,Source_Img_243,Target_Img_243,Black,Female,1,0.9577812 +244,Source_Img_244,Target_Img_244,Black,Female,0,0.13170863 +245,Source_Img_245,Target_Img_245,Black,Female,0,0.11172931 +246,Source_Img_246,Target_Img_246,Black,Female,1,0.4975614 +247,Source_Img_247,Target_Img_247,Black,Female,0,0.00758846 +248,Source_Img_248,Target_Img_248,Black,Female,0,0.1541627 +249,Source_Img_249,Target_Img_249,Black,Female,1,0.63338415 +250,Source_Img_250,Target_Img_250,Black,Female,0,0.04510638 +251,Source_Img_251,Target_Img_251,Black,Female,0,0.18524416 +252,Source_Img_252,Target_Img_252,Black,Female,1,0.975 +253,Source_Img_253,Target_Img_253,Black,Female,0,0.03794573 +254,Source_Img_254,Target_Img_254,Black,Female,1,0.5750042 +255,Source_Img_255,Target_Img_255,Black,Female,1,1 +256,Source_Img_256,Target_Img_256,Black,Female,1,0.84243034 +257,Source_Img_257,Target_Img_257,Black,Female,0,0.28423092 +258,Source_Img_258,Target_Img_258,Black,Female,0,0.15406917 +259,Source_Img_259,Target_Img_259,Black,Female,0,0.12694134 +260,Source_Img_260,Target_Img_260,Black,Female,1,0.68379717 +261,Source_Img_261,Target_Img_261,Black,Female,1,0.943 +262,Source_Img_262,Target_Img_262,Black,Female,0,0.08125948 +263,Source_Img_263,Target_Img_263,Black,Female,1,0.70885085 +264,Source_Img_264,Target_Img_264,Black,Female,0,0.1348588 +265,Source_Img_265,Target_Img_265,Black,Female,0,0.05396033 +266,Source_Img_266,Target_Img_266,Black,Female,1,0.6942975 +267,Source_Img_267,Target_Img_267,Black,Female,1,0.82408693 +268,Source_Img_268,Target_Img_268,Black,Female,1,0.7518587 +269,Source_Img_269,Target_Img_269,Black,Female,0,0.08042416 +270,Source_Img_270,Target_Img_270,Black,Female,1,0.71362 +271,Source_Img_271,Target_Img_271,Black,Female,1,0.81505076 +272,Source_Img_272,Target_Img_272,Black,Female,0,0.21973983 +273,Source_Img_273,Target_Img_273,Black,Female,0,0.14100669 +274,Source_Img_274,Target_Img_274,Black,Female,1,0.79748756 +275,Source_Img_275,Target_Img_275,Black,Female,0,0.06168762 +276,Source_Img_276,Target_Img_276,Black,Female,0,0 +277,Source_Img_277,Target_Img_277,Black,Female,0,0.186221004 +278,Source_Img_278,Target_Img_278,Black,Female,1,0.9273273 +279,Source_Img_279,Target_Img_279,Black,Female,0,0.00276682 +280,Source_Img_280,Target_Img_280,Black,Female,1,0.57339915 +281,Source_Img_281,Target_Img_281,Black,Female,1,1 +282,Source_Img_282,Target_Img_282,Black,Female,0,0.16067808 +283,Source_Img_283,Target_Img_283,Black,Female,0,0.077692124 +284,Source_Img_284,Target_Img_284,Black,Female,0,0.09429062 +285,Source_Img_285,Target_Img_285,Black,Female,1,0.5318636 +286,Source_Img_286,Target_Img_286,Black,Female,1,0.67791727 +287,Source_Img_287,Target_Img_287,Black,Female,1,0.72387746 +288,Source_Img_288,Target_Img_288,Black,Female,0,0.141818856 +289,Source_Img_289,Target_Img_289,Black,Female,0,0.31691426 +290,Source_Img_290,Target_Img_290,Black,Female,1,0.8556304 +291,Source_Img_291,Target_Img_291,Black,Female,0,0.090235604 +292,Source_Img_292,Target_Img_292,Black,Female,1,1 +293,Source_Img_293,Target_Img_293,Black,Female,1,0.6993285 +294,Source_Img_294,Target_Img_294,Black,Female,0,0.176319395 +295,Source_Img_295,Target_Img_295,Black,Female,1,0.57352355 +296,Source_Img_296,Target_Img_296,Black,Female,0,0.36507626 +297,Source_Img_297,Target_Img_297,Black,Female,1,0.8564105 +298,Source_Img_298,Target_Img_298,Black,Female,0,0.1130726 +299,Source_Img_299,Target_Img_299,Black,Female,1,0.6973716 +300,Source_Img_300,Target_Img_300,Black,Female,0,0.00677134 +301,Source_Img_301,Target_Img_301,Black,Female,0,0.11341144 +302,Source_Img_302,Target_Img_302,Black,Female,1,0.8591401 +303,Source_Img_303,Target_Img_303,Black,Female,0,0.21227087 +304,Source_Img_304,Target_Img_304,Black,Female,1,0.8191901 +305,Source_Img_305,Target_Img_305,Black,Female,1,1 +306,Source_Img_306,Target_Img_306,Black,Female,0,0.04419039 +307,Source_Img_307,Target_Img_307,Black,Female,1,0.983 +308,Source_Img_308,Target_Img_308,Black,Female,1,1 +309,Source_Img_309,Target_Img_309,Black,Female,0,0.10190632 +310,Source_Img_310,Target_Img_310,Black,Female,1,0.748755 +311,Source_Img_311,Target_Img_311,Black,Female,0,0.159082394 +312,Source_Img_312,Target_Img_312,Black,Female,1,1 +313,Source_Img_313,Target_Img_313,Black,Female,1,0.91735645 +314,Source_Img_314,Target_Img_314,Black,Female,0,0.17542676 +315,Source_Img_315,Target_Img_315,Black,Female,1,0.59858627 +316,Source_Img_316,Target_Img_316,Black,Female,1,0.6711899 +317,Source_Img_317,Target_Img_317,Black,Female,0,0.124272256 +318,Source_Img_318,Target_Img_318,Black,Female,1,0.87981145 +319,Source_Img_319,Target_Img_319,Black,Female,0,0.04526643 +320,Source_Img_320,Target_Img_320,Black,Female,0,0.11056888 +321,Source_Img_321,Target_Img_321,Black,Female,0,0.03505259 +322,Source_Img_322,Target_Img_322,Black,Female,1,0.7153919 +323,Source_Img_323,Target_Img_323,Black,Female,0,0.06366148 +324,Source_Img_324,Target_Img_324,Black,Female,1,1 +325,Source_Img_325,Target_Img_325,Black,Female,0,0.01799999 +326,Source_Img_326,Target_Img_326,Black,Female,0,0.077250555 +327,Source_Img_327,Target_Img_327,Black,Female,1,1 +328,Source_Img_328,Target_Img_328,Black,Female,0,0.214345486 +329,Source_Img_329,Target_Img_329,Black,Female,1,0.5391802 +330,Source_Img_330,Target_Img_330,Black,Female,0,0.09786407 +331,Source_Img_331,Target_Img_331,Black,Female,1,0.7548816 +332,Source_Img_332,Target_Img_332,Black,Female,0,0.00956051 +333,Source_Img_333,Target_Img_333,Black,Female,1,1 +334,Source_Img_334,Target_Img_334,Black,Female,1,0.81546725 +335,Source_Img_335,Target_Img_335,Black,Female,1,0.8445938 +336,Source_Img_336,Target_Img_336,Black,Female,1,0.78745257 +337,Source_Img_337,Target_Img_337,Black,Female,1,0.66701816 +338,Source_Img_338,Target_Img_338,Black,Female,0,0.058388374 +339,Source_Img_339,Target_Img_339,Black,Female,1,0.74301513 +340,Source_Img_340,Target_Img_340,Black,Female,0,0.14788036 +341,Source_Img_341,Target_Img_341,Black,Female,0,0.109117674 +342,Source_Img_342,Target_Img_342,Black,Female,1,0.95782255 +343,Source_Img_343,Target_Img_343,Black,Female,0,0.25910214 +344,Source_Img_344,Target_Img_344,Black,Female,0,0.1071385 +345,Source_Img_345,Target_Img_345,Black,Female,1,0.9246162 +346,Source_Img_346,Target_Img_346,Black,Female,1,1 +347,Source_Img_347,Target_Img_347,Black,Female,1,0.78718326 +348,Source_Img_348,Target_Img_348,Black,Female,0,0 +349,Source_Img_349,Target_Img_349,Black,Female,1,0.6658441 +350,Source_Img_350,Target_Img_350,Black,Female,0,0.11163179 +351,Source_Img_351,Target_Img_351,Black,Female,1,0.7805419 +352,Source_Img_352,Target_Img_352,Black,Female,1,1 +353,Source_Img_353,Target_Img_353,Black,Female,0,0.0766527 +354,Source_Img_354,Target_Img_354,Black,Female,0,0.07048518 +355,Source_Img_355,Target_Img_355,Black,Female,0,0.09481624 +356,Source_Img_356,Target_Img_356,Black,Female,1,0.5606431 +357,Source_Img_357,Target_Img_357,Black,Female,0,0.016431766 +358,Source_Img_358,Target_Img_358,Black,Female,1,0.6542364 +359,Source_Img_359,Target_Img_359,Black,Female,0,0.00806967 +360,Source_Img_360,Target_Img_360,Black,Female,1,0.81307436 +361,Source_Img_361,Target_Img_361,Black,Female,1,0.954 +362,Source_Img_362,Target_Img_362,Black,Female,1,0.5250309 +363,Source_Img_363,Target_Img_363,Black,Female,0,0.132055474 +364,Source_Img_364,Target_Img_364,Black,Female,0,0.06704575 +365,Source_Img_365,Target_Img_365,Black,Female,1,0.77406795 +366,Source_Img_366,Target_Img_366,Black,Female,1,0.918 +367,Source_Img_367,Target_Img_367,Black,Female,0,0.11841547 +368,Source_Img_368,Target_Img_368,Black,Female,1,0.7383472 +369,Source_Img_369,Target_Img_369,Black,Female,0,0.089387625 +370,Source_Img_370,Target_Img_370,Black,Female,0,0.11766492 +371,Source_Img_371,Target_Img_371,Black,Female,1,0.75874677 +372,Source_Img_372,Target_Img_372,Black,Female,1,0.8868709 +373,Source_Img_373,Target_Img_373,Black,Female,1,0.48957347 +374,Source_Img_374,Target_Img_374,Black,Female,1,0.80049 +375,Source_Img_375,Target_Img_375,Black,Female,1,0.57806146 +376,Source_Img_376,Target_Img_376,Black,Female,0,0.0949377 +377,Source_Img_377,Target_Img_377,Black,Female,1,0.58523877 +378,Source_Img_378,Target_Img_378,Black,Female,1,0.8400559 +379,Source_Img_379,Target_Img_379,Black,Female,0,0.02252713 +380,Source_Img_380,Target_Img_380,Black,Female,1,0.7489502 +381,Source_Img_381,Target_Img_381,Black,Female,0,0.2269122 +382,Source_Img_382,Target_Img_382,Black,Female,0,0.095146495 +383,Source_Img_383,Target_Img_383,Black,Female,1,0.72516075 +384,Source_Img_384,Target_Img_384,Black,Female,0,0.04185226 +385,Source_Img_385,Target_Img_385,Black,Female,1,0.57412 +386,Source_Img_386,Target_Img_386,Black,Female,0,0.05173519 +387,Source_Img_387,Target_Img_387,Black,Female,0,0.3442332 +388,Source_Img_388,Target_Img_388,Black,Female,1,0.7913547 +389,Source_Img_389,Target_Img_389,Black,Female,0,0.071463625 +390,Source_Img_390,Target_Img_390,Black,Female,1,0.76088374 +391,Source_Img_391,Target_Img_391,Black,Female,0,0.1612859 +392,Source_Img_392,Target_Img_392,Black,Female,1,1 +393,Source_Img_393,Target_Img_393,Black,Female,1,0.7156786 +394,Source_Img_394,Target_Img_394,Black,Female,0,0.107384665 +395,Source_Img_395,Target_Img_395,Black,Female,1,0.8452383 +396,Source_Img_396,Target_Img_396,Black,Female,0,0.04201137 +397,Source_Img_397,Target_Img_397,Black,Female,1,0.9163096 +398,Source_Img_398,Target_Img_398,Black,Female,0,0.0929929 +399,Source_Img_399,Target_Img_399,Black,Female,0,0.12835617 +400,Source_Img_400,Target_Img_400,Black,Female,1,0.73694534 +401,Source_Img_401,Target_Img_401,Black,Female,0,0.22650453 +402,Source_Img_402,Target_Img_402,Black,Female,0,0.04149392 +403,Source_Img_403,Target_Img_403,Black,Female,1,0.78841075 +404,Source_Img_404,Target_Img_404,Black,Female,0,0.21159654 +405,Source_Img_405,Target_Img_405,Black,Female,1,0.76175904 +406,Source_Img_406,Target_Img_406,Black,Female,1,0.7447306 +407,Source_Img_407,Target_Img_407,Black,Female,0,0.034099905 +408,Source_Img_408,Target_Img_408,Black,Female,1,0.58371945 +409,Source_Img_409,Target_Img_409,Black,Female,1,0.9074583 +410,Source_Img_410,Target_Img_410,Black,Female,0,0.138584895 +411,Source_Img_411,Target_Img_411,Black,Female,0,0.13571155 +412,Source_Img_412,Target_Img_412,Black,Female,1,0.9159309 +413,Source_Img_413,Target_Img_413,Black,Female,0,0.152707586 +414,Source_Img_414,Target_Img_414,Black,Female,0,0.21621092 +415,Source_Img_415,Target_Img_415,Black,Female,1,0.9523687 +416,Source_Img_416,Target_Img_416,Black,Female,0,0.17008808 +417,Source_Img_417,Target_Img_417,Black,Female,1,1 +418,Source_Img_418,Target_Img_418,Black,Female,0,0 +419,Source_Img_419,Target_Img_419,Black,Female,0,0.03431637 +420,Source_Img_420,Target_Img_420,Black,Female,0,0.18310774 +421,Source_Img_421,Target_Img_421,Black,Female,0,0.1674338 +422,Source_Img_422,Target_Img_422,Black,Female,1,0.68573394 +423,Source_Img_423,Target_Img_423,Black,Female,1,0.8192311 +424,Source_Img_424,Target_Img_424,Black,Female,0,0.044604914 +425,Source_Img_425,Target_Img_425,Black,Female,0,0.22998642 +426,Source_Img_426,Target_Img_426,Black,Female,0,0.12575337 +427,Source_Img_427,Target_Img_427,Black,Female,1,0.992 +428,Source_Img_428,Target_Img_428,Black,Female,1,0.48480875 +429,Source_Img_429,Target_Img_429,Black,Female,0,0.02332234 +430,Source_Img_430,Target_Img_430,Black,Female,0,0.18996004 +431,Source_Img_431,Target_Img_431,Black,Female,1,0.7654893 +432,Source_Img_432,Target_Img_432,Black,Female,1,0.6678706 +433,Source_Img_433,Target_Img_433,Black,Female,0,0.080813015 +434,Source_Img_434,Target_Img_434,Black,Female,0,0.00781243 +435,Source_Img_435,Target_Img_435,Black,Female,1,0.5903663 +436,Source_Img_436,Target_Img_436,Black,Female,0,0.1165663 +437,Source_Img_437,Target_Img_437,Black,Female,1,0.66589437 +438,Source_Img_438,Target_Img_438,Black,Female,1,0.7046114 +439,Source_Img_439,Target_Img_439,Black,Female,0,0.00864544 +440,Source_Img_440,Target_Img_440,Black,Female,1,0.54669984 +441,Source_Img_441,Target_Img_441,Black,Female,0,0.14849554 +442,Source_Img_442,Target_Img_442,Black,Female,1,0.82488317 +443,Source_Img_443,Target_Img_443,Black,Female,1,0.69227176 +444,Source_Img_444,Target_Img_444,Black,Female,1,0.68614796 +445,Source_Img_445,Target_Img_445,Black,Female,1,0.78454434 +446,Source_Img_446,Target_Img_446,Black,Female,0,0.20897783 +447,Source_Img_447,Target_Img_447,Black,Female,1,0.943 +448,Source_Img_448,Target_Img_448,Black,Female,0,0.27205292 +449,Source_Img_449,Target_Img_449,Black,Female,0,0.1215419 +450,Source_Img_450,Target_Img_450,Black,Female,0,0.22959616 +451,Source_Img_451,Target_Img_451,Black,Female,1,0.6720937 +452,Source_Img_452,Target_Img_452,Black,Female,0,0.00198414 +453,Source_Img_453,Target_Img_453,Black,Female,1,0.9036221 +454,Source_Img_454,Target_Img_454,Black,Female,0,0.1826554 +455,Source_Img_455,Target_Img_455,Black,Female,1,0.6394435 +456,Source_Img_456,Target_Img_456,Black,Female,1,0.637689 +457,Source_Img_457,Target_Img_457,Black,Female,1,1 +458,Source_Img_458,Target_Img_458,Black,Female,1,0.7612933 +459,Source_Img_459,Target_Img_459,Black,Female,0,0.00709889 +460,Source_Img_460,Target_Img_460,Black,Female,0,0.17982115 +461,Source_Img_461,Target_Img_461,Black,Female,1,0.81795864 +462,Source_Img_462,Target_Img_462,Black,Female,1,0.68720975 +463,Source_Img_463,Target_Img_463,Black,Female,0,0.03232965 +464,Source_Img_464,Target_Img_464,Black,Female,0,0.04356135 +465,Source_Img_465,Target_Img_465,Black,Female,1,0.81282415 +466,Source_Img_466,Target_Img_466,Black,Female,1,1 +467,Source_Img_467,Target_Img_467,Black,Female,0,0.035249126 +468,Source_Img_468,Target_Img_468,Black,Female,0,0.06549156 +469,Source_Img_469,Target_Img_469,Black,Female,1,0.8081238 +470,Source_Img_470,Target_Img_470,Black,Female,1,0.6079132 +471,Source_Img_471,Target_Img_471,Black,Female,1,0.82716765 +472,Source_Img_472,Target_Img_472,Black,Female,0,0.11953804 +473,Source_Img_473,Target_Img_473,Black,Female,0,0.0826164 +474,Source_Img_474,Target_Img_474,Black,Female,0,0 +475,Source_Img_475,Target_Img_475,Black,Female,0,0.128120694 +476,Source_Img_476,Target_Img_476,Black,Female,1,0.7799868 +477,Source_Img_477,Target_Img_477,Black,Female,1,0.855774 +478,Source_Img_478,Target_Img_478,Black,Female,0,0.07361202 +479,Source_Img_479,Target_Img_479,Black,Female,1,0.90325477 +480,Source_Img_480,Target_Img_480,Black,Female,1,0.9632291 +481,Source_Img_481,Target_Img_481,Black,Female,0,0.15792336 +482,Source_Img_482,Target_Img_482,Black,Female,1,0.8429066 +483,Source_Img_483,Target_Img_483,Black,Female,0,0.131981466 +484,Source_Img_484,Target_Img_484,Black,Female,1,0.78034894 +485,Source_Img_485,Target_Img_485,Black,Female,1,0.92 +486,Source_Img_486,Target_Img_486,Black,Female,0,0.19234222 +487,Source_Img_487,Target_Img_487,Black,Female,1,0.6912937 +488,Source_Img_488,Target_Img_488,Black,Female,0,0.11141826 +489,Source_Img_489,Target_Img_489,Black,Female,0,0.0811306 +490,Source_Img_490,Target_Img_490,Black,Female,0,0.09315039 +491,Source_Img_491,Target_Img_491,Black,Female,1,1 +492,Source_Img_492,Target_Img_492,Black,Female,0,0.11489942 +493,Source_Img_493,Target_Img_493,Black,Female,1,0.5699297 +494,Source_Img_494,Target_Img_494,Black,Female,1,0.8942075 +495,Source_Img_495,Target_Img_495,Black,Female,1,0.84619144 +496,Source_Img_496,Target_Img_496,Black,Female,0,0.192399546 +497,Source_Img_497,Target_Img_497,Black,Female,1,0.78551486 +498,Source_Img_498,Target_Img_498,Black,Female,0,0.05269993 +499,Source_Img_499,Target_Img_499,Black,Female,0,0.03057799 +500,Source_Img_500,Target_Img_500,Black,Female,1,0.8315801 +501,Source_Img_501,Target_Img_501,Black,Female,1,0.8306777 +502,Source_Img_502,Target_Img_502,Black,Female,0,0.19299637 +503,Source_Img_503,Target_Img_503,Black,Female,1,0.6761793 +504,Source_Img_504,Target_Img_504,Black,Female,1,0.939 +505,Source_Img_505,Target_Img_505,Black,Female,1,0.618788 +506,Source_Img_506,Target_Img_506,Black,Female,1,0.9088014 +507,Source_Img_507,Target_Img_507,Black,Female,1,0.78054357 +508,Source_Img_508,Target_Img_508,Black,Female,0,0.1154625 +509,Source_Img_509,Target_Img_509,Black,Female,1,0.7148922 +510,Source_Img_510,Target_Img_510,Black,Female,0,0.18118858 +511,Source_Img_511,Target_Img_511,Black,Female,0,0.053383 +512,Source_Img_512,Target_Img_512,Black,Female,1,0.8991797 +513,Source_Img_513,Target_Img_513,Black,Female,0,0.19419518 +514,Source_Img_514,Target_Img_514,Black,Female,0,0.1419265 +515,Source_Img_515,Target_Img_515,Black,Female,1,0.79203753 +516,Source_Img_516,Target_Img_516,Black,Female,0,0.084188184 +517,Source_Img_517,Target_Img_517,Black,Female,1,0.83346205 +518,Source_Img_518,Target_Img_518,Black,Female,0,0.16190869 +519,Source_Img_519,Target_Img_519,Black,Female,0,0.04169435 +520,Source_Img_520,Target_Img_520,Black,Female,1,0.97171936 +521,Source_Img_521,Target_Img_521,Black,Female,0,0.206074366 +522,Source_Img_522,Target_Img_522,Black,Female,0,0.13367911 +523,Source_Img_523,Target_Img_523,Black,Female,1,1 +524,Source_Img_524,Target_Img_524,Black,Female,0,0.09153544 +525,Source_Img_525,Target_Img_525,Black,Female,1,0.6940454 +526,Source_Img_526,Target_Img_526,Black,Female,0,0.17759334 +527,Source_Img_527,Target_Img_527,Black,Female,1,1 +528,Source_Img_528,Target_Img_528,Black,Female,0,0.05500388 +529,Source_Img_529,Target_Img_529,Black,Female,1,0.78970607 +530,Source_Img_530,Target_Img_530,Black,Female,0,0.08876777 +531,Source_Img_531,Target_Img_531,Black,Female,0,0.08967839 +532,Source_Img_532,Target_Img_532,Black,Female,0,0.2127596 +533,Source_Img_533,Target_Img_533,Black,Female,1,0.52845806 +534,Source_Img_534,Target_Img_534,Black,Female,0,0.13080907 +535,Source_Img_535,Target_Img_535,Black,Female,1,0.7451991 +536,Source_Img_536,Target_Img_536,Black,Female,0,0.07598108 +537,Source_Img_537,Target_Img_537,Black,Female,0,0.10323876 +538,Source_Img_538,Target_Img_538,Black,Female,1,0.81433594 +539,Source_Img_539,Target_Img_539,Black,Female,1,0.79850044 +540,Source_Img_540,Target_Img_540,Black,Female,0,0.18309708 +541,Source_Img_541,Target_Img_541,Black,Female,1,0.5609355 +542,Source_Img_542,Target_Img_542,Black,Female,0,0.06793154 +543,Source_Img_543,Target_Img_543,Black,Female,0,0.162643116 +544,Source_Img_544,Target_Img_544,Black,Female,1,0.6154355 +545,Source_Img_545,Target_Img_545,Black,Female,1,0.6131527 +546,Source_Img_546,Target_Img_546,Black,Female,0,0.110760576 +547,Source_Img_547,Target_Img_547,Black,Female,1,0.74668895 +548,Source_Img_548,Target_Img_548,Black,Female,1,0.62052746 +549,Source_Img_549,Target_Img_549,Black,Female,0,0.02085578 +550,Source_Img_550,Target_Img_550,Black,Female,1,0.6922081 +551,Source_Img_551,Target_Img_551,Black,Female,1,0.83087784 +552,Source_Img_552,Target_Img_552,Black,Female,1,0.7619321 +553,Source_Img_553,Target_Img_553,Black,Female,1,0.74777765 +554,Source_Img_554,Target_Img_554,Black,Female,0,0.022386864 +555,Source_Img_555,Target_Img_555,Black,Female,1,0.81195367 +556,Source_Img_556,Target_Img_556,Black,Female,0,0.02707153 +557,Source_Img_557,Target_Img_557,Black,Female,1,0.7880228 +558,Source_Img_558,Target_Img_558,Black,Female,1,0.56658385 +559,Source_Img_559,Target_Img_559,Black,Female,0,0.008152256 +560,Source_Img_560,Target_Img_560,Black,Female,0,0.106705975 +561,Source_Img_561,Target_Img_561,Black,Female,1,0.61750027 +562,Source_Img_562,Target_Img_562,Black,Female,0,0.08639981 +563,Source_Img_563,Target_Img_563,Black,Female,0,0.07078002 +564,Source_Img_564,Target_Img_564,Black,Female,1,1 +565,Source_Img_565,Target_Img_565,Black,Female,1,0.77141316 +566,Source_Img_566,Target_Img_566,Black,Female,0,0.002852836 +567,Source_Img_567,Target_Img_567,Black,Female,1,0.7043422 +568,Source_Img_568,Target_Img_568,Black,Female,1,1 +569,Source_Img_569,Target_Img_569,Black,Female,0,0.07037259 +570,Source_Img_570,Target_Img_570,Black,Female,1,0.83558147 +571,Source_Img_571,Target_Img_571,Black,Female,1,0.95 +572,Source_Img_572,Target_Img_572,Black,Female,1,0.7917841 +573,Source_Img_573,Target_Img_573,Black,Female,1,1 +574,Source_Img_574,Target_Img_574,Black,Female,0,0.14693769 +575,Source_Img_575,Target_Img_575,Black,Female,0,0.19009811 +576,Source_Img_576,Target_Img_576,Black,Female,0,0.013781684 +577,Source_Img_577,Target_Img_577,Black,Female,1,0.75904484 +578,Source_Img_578,Target_Img_578,Black,Female,0,0.070214955 +579,Source_Img_579,Target_Img_579,Black,Female,0,0.0063374 +580,Source_Img_580,Target_Img_580,Black,Female,1,0.983 +581,Source_Img_581,Target_Img_581,Black,Female,1,1 +582,Source_Img_582,Target_Img_582,Black,Female,0,0.13859416 +583,Source_Img_583,Target_Img_583,Black,Female,0,0.14572894 +584,Source_Img_584,Target_Img_584,Black,Female,0,0.00046174 +585,Source_Img_585,Target_Img_585,Black,Female,1,0.7500423 +586,Source_Img_586,Target_Img_586,Black,Female,0,0.10862098 +587,Source_Img_587,Target_Img_587,Black,Female,1,0.9037562 +588,Source_Img_588,Target_Img_588,Black,Female,0,0.09681742 +589,Source_Img_589,Target_Img_589,Black,Female,1,0.63266467 +590,Source_Img_590,Target_Img_590,Black,Female,0,0.24672445 +591,Source_Img_591,Target_Img_591,Black,Female,1,1 +592,Source_Img_592,Target_Img_592,Black,Female,0,0.16717767 +593,Source_Img_593,Target_Img_593,Black,Female,1,1 +594,Source_Img_594,Target_Img_594,Black,Female,0,0.41028994 +595,Source_Img_595,Target_Img_595,Black,Female,1,0.73301046 +596,Source_Img_596,Target_Img_596,Black,Female,0,0.00431129 +597,Source_Img_597,Target_Img_597,Black,Female,1,0.64961816 +598,Source_Img_598,Target_Img_598,Black,Female,0,0.082955585 +599,Source_Img_599,Target_Img_599,Black,Female,0,0.2176954 +600,Source_Img_600,Target_Img_600,Black,Female,1,0.7544874 +601,Source_Img_601,Target_Img_601,Black,Female,0,0.126796266 +602,Source_Img_602,Target_Img_602,Black,Female,0,0 +603,Source_Img_603,Target_Img_603,Black,Female,0,0.22501912 +604,Source_Img_604,Target_Img_604,Black,Female,0,0.09134498 +605,Source_Img_605,Target_Img_605,Black,Female,1,0.7947847 +606,Source_Img_606,Target_Img_606,Black,Female,1,0.47508267 +607,Source_Img_607,Target_Img_607,Black,Female,1,0.65401095 +608,Source_Img_608,Target_Img_608,Black,Female,1,0.8913236 +609,Source_Img_609,Target_Img_609,Black,Female,0,0.148560335 +610,Source_Img_610,Target_Img_610,Black,Female,1,0.90944563 +611,Source_Img_611,Target_Img_611,Black,Female,0,0.23606642 +612,Source_Img_612,Target_Img_612,Black,Female,1,0.955 +613,Source_Img_613,Target_Img_613,Black,Female,0,0.11994476 +614,Source_Img_614,Target_Img_614,Black,Female,1,0.996 +615,Source_Img_615,Target_Img_615,Black,Female,1,0.8522299 +616,Source_Img_616,Target_Img_616,Black,Female,1,1 +617,Source_Img_617,Target_Img_617,Black,Female,0,0.02365196 +618,Source_Img_618,Target_Img_618,Black,Female,1,0.75325574 +619,Source_Img_619,Target_Img_619,Black,Female,0,0.07305664 +620,Source_Img_620,Target_Img_620,Black,Female,0,0.15436052 +621,Source_Img_621,Target_Img_621,Black,Female,1,0.72135146 +622,Source_Img_622,Target_Img_622,Black,Female,1,1 +623,Source_Img_623,Target_Img_623,Black,Female,0,0.11259938 +624,Source_Img_624,Target_Img_624,Black,Female,1,0.5815934 +625,Source_Img_625,Target_Img_625,Black,Female,0,0.195858846 +626,Source_Img_626,Target_Img_626,Black,Female,1,0.87105296 +627,Source_Img_627,Target_Img_627,Black,Female,0,0.16997076 +628,Source_Img_628,Target_Img_628,Black,Female,1,0.74176775 +629,Source_Img_629,Target_Img_629,Black,Female,0,0.10752467 +630,Source_Img_630,Target_Img_630,Black,Female,1,0.8329961 +631,Source_Img_631,Target_Img_631,Black,Female,1,0.86207515 +632,Source_Img_632,Target_Img_632,Black,Female,0,0.22474538 +633,Source_Img_633,Target_Img_633,Black,Female,1,0.7819848 +634,Source_Img_634,Target_Img_634,Black,Female,0,0.21276033 +635,Source_Img_635,Target_Img_635,Black,Female,0,0.02434479 +636,Source_Img_636,Target_Img_636,Black,Female,1,0.8040683 +637,Source_Img_637,Target_Img_637,Black,Female,1,0.60202774 +638,Source_Img_638,Target_Img_638,Black,Female,0,0.12541285 +639,Source_Img_639,Target_Img_639,Black,Female,0,0.02093681 +640,Source_Img_640,Target_Img_640,Black,Female,1,0.7119363 +641,Source_Img_641,Target_Img_641,Black,Female,1,0.7474953 +642,Source_Img_642,Target_Img_642,Black,Female,0,0.17984063 +643,Source_Img_643,Target_Img_643,Black,Female,1,0.6741467 +644,Source_Img_644,Target_Img_644,Black,Female,1,0.8395815 +645,Source_Img_645,Target_Img_645,Black,Female,0,0.15763653 +646,Source_Img_646,Target_Img_646,Black,Female,1,0.9595824 +647,Source_Img_647,Target_Img_647,Black,Female,1,1 +648,Source_Img_648,Target_Img_648,Black,Female,1,0.83087524 +649,Source_Img_649,Target_Img_649,Black,Female,0,0.03283769 +650,Source_Img_650,Target_Img_650,Black,Female,1,0.7003742 +651,Source_Img_651,Target_Img_651,Black,Female,0,0.110539834 +652,Source_Img_652,Target_Img_652,Black,Female,1,0.679089 +653,Source_Img_653,Target_Img_653,Black,Female,1,0.8057822 +654,Source_Img_654,Target_Img_654,Black,Female,1,0.6608085 +655,Source_Img_655,Target_Img_655,Black,Female,1,0.76673016 +656,Source_Img_656,Target_Img_656,Black,Female,0,0.135539156 +657,Source_Img_657,Target_Img_657,Black,Female,1,0.6833806 +658,Source_Img_658,Target_Img_658,Black,Female,0,0.124849944 +659,Source_Img_659,Target_Img_659,Black,Female,1,0.8651926 +660,Source_Img_660,Target_Img_660,Black,Female,0,0.210624866 +661,Source_Img_661,Target_Img_661,Black,Female,0,0.05220465 +662,Source_Img_662,Target_Img_662,Black,Female,0,0.05645921 +663,Source_Img_663,Target_Img_663,Black,Female,0,0.05308052 +664,Source_Img_664,Target_Img_664,Black,Female,1,1 +665,Source_Img_665,Target_Img_665,Black,Female,0,0.12804433 +666,Source_Img_666,Target_Img_666,Black,Female,0,0.1016958 +667,Source_Img_667,Target_Img_667,Black,Female,1,0.6239349 +668,Source_Img_668,Target_Img_668,Black,Female,1,0.69463404 +669,Source_Img_669,Target_Img_669,Black,Female,0,0.109215806 +670,Source_Img_670,Target_Img_670,Black,Female,1,0.7668934 +671,Source_Img_671,Target_Img_671,Black,Female,0,0.21404374 +672,Source_Img_672,Target_Img_672,Black,Female,1,0.7358578 +673,Source_Img_673,Target_Img_673,Black,Female,0,0.1546573 +674,Source_Img_674,Target_Img_674,Black,Female,0,0.00167383 +675,Source_Img_675,Target_Img_675,Black,Female,0,0.01719427 +676,Source_Img_676,Target_Img_676,Black,Female,1,0.8658219 +677,Source_Img_677,Target_Img_677,Black,Female,0,0.18176726 +678,Source_Img_678,Target_Img_678,Black,Female,1,1 +679,Source_Img_679,Target_Img_679,Black,Female,0,0.14241993 +680,Source_Img_680,Target_Img_680,Black,Female,1,0.7343011 +681,Source_Img_681,Target_Img_681,Black,Female,1,0.93156506 +682,Source_Img_682,Target_Img_682,Black,Female,0,0.125020196 +683,Source_Img_683,Target_Img_683,Black,Female,1,0.7593826 +684,Source_Img_684,Target_Img_684,Black,Female,1,0.7870649 +685,Source_Img_685,Target_Img_685,Black,Female,0,0.11768858 +686,Source_Img_686,Target_Img_686,Black,Female,1,0.8762025 +687,Source_Img_687,Target_Img_687,Black,Female,0,0 +688,Source_Img_688,Target_Img_688,Black,Female,1,0.8317242 +689,Source_Img_689,Target_Img_689,Black,Female,0,0.09771416 +690,Source_Img_690,Target_Img_690,Black,Female,0,0.08456854 +691,Source_Img_691,Target_Img_691,Black,Female,0,0.14822901 +692,Source_Img_692,Target_Img_692,Black,Female,1,0.50448625 +693,Source_Img_693,Target_Img_693,Black,Female,0,0.00601587 +694,Source_Img_694,Target_Img_694,Black,Female,1,0.9021274 +695,Source_Img_695,Target_Img_695,Black,Female,0,0.130697276 +696,Source_Img_696,Target_Img_696,Black,Female,1,0.7293482 +697,Source_Img_697,Target_Img_697,Black,Female,1,0.69183366 +698,Source_Img_698,Target_Img_698,Black,Female,0,0.09998392 +699,Source_Img_699,Target_Img_699,Black,Female,1,0.8773442 +700,Source_Img_700,Target_Img_700,Black,Female,0,0.09830661 +701,Source_Img_701,Target_Img_701,Black,Female,1,0.79440686 +702,Source_Img_702,Target_Img_702,Black,Female,1,0.771672 +703,Source_Img_703,Target_Img_703,Black,Female,0,0.14672598 +704,Source_Img_704,Target_Img_704,Black,Female,0,0.12876413 +705,Source_Img_705,Target_Img_705,Black,Female,1,1 +706,Source_Img_706,Target_Img_706,Black,Female,0,0 +707,Source_Img_707,Target_Img_707,Black,Female,0,0.11925012 +708,Source_Img_708,Target_Img_708,Black,Female,0,0.18240568 +709,Source_Img_709,Target_Img_709,Black,Female,1,0.77989795 +710,Source_Img_710,Target_Img_710,Black,Female,0,0.165160204 +711,Source_Img_711,Target_Img_711,Black,Female,1,0.9591531 +712,Source_Img_712,Target_Img_712,Black,Female,0,0.00485778 +713,Source_Img_713,Target_Img_713,Black,Female,0,0.16050265 +714,Source_Img_714,Target_Img_714,Black,Female,1,0.93177827 +715,Source_Img_715,Target_Img_715,Black,Female,0,0.14608516 +716,Source_Img_716,Target_Img_716,Black,Female,1,0.7569705 +717,Source_Img_717,Target_Img_717,Black,Female,0,0.15193932 +718,Source_Img_718,Target_Img_718,Black,Female,1,0.982 +719,Source_Img_719,Target_Img_719,Black,Female,1,0.7279905 +720,Source_Img_720,Target_Img_720,Black,Female,1,0.77235 +721,Source_Img_721,Target_Img_721,Black,Female,0,0.15586741 +722,Source_Img_722,Target_Img_722,Black,Female,1,0.7240834 +723,Source_Img_723,Target_Img_723,Black,Female,1,0.6727989 +724,Source_Img_724,Target_Img_724,Black,Female,1,0.76091715 +725,Source_Img_725,Target_Img_725,Black,Female,0,0.06822214 +726,Source_Img_726,Target_Img_726,Black,Female,1,0.7250304 +727,Source_Img_727,Target_Img_727,Black,Female,0,0.01221525 +728,Source_Img_728,Target_Img_728,Black,Female,1,0.862745 +729,Source_Img_729,Target_Img_729,Black,Female,0,0.06905383 +730,Source_Img_730,Target_Img_730,Black,Female,0,0.16442861 +731,Source_Img_731,Target_Img_731,Black,Female,1,0.6876349 +732,Source_Img_732,Target_Img_732,Black,Female,1,0.71342944 +733,Source_Img_733,Target_Img_733,Black,Female,0,0.029171025 +734,Source_Img_734,Target_Img_734,Black,Female,1,0.9 +735,Source_Img_735,Target_Img_735,Black,Female,0,0.12559675 +736,Source_Img_736,Target_Img_736,Black,Female,0,0.14133263 +737,Source_Img_737,Target_Img_737,Black,Female,0,0.28962287 +738,Source_Img_738,Target_Img_738,Black,Female,1,0.9473815 +739,Source_Img_739,Target_Img_739,Black,Female,0,0.16742479 +740,Source_Img_740,Target_Img_740,Black,Female,1,0.9337596 +741,Source_Img_741,Target_Img_741,Black,Female,1,0.916 +742,Source_Img_742,Target_Img_742,Black,Female,0,0.21137888 +743,Source_Img_743,Target_Img_743,Black,Female,0,0.01544544 +744,Source_Img_744,Target_Img_744,Black,Female,1,0.98233075 +745,Source_Img_745,Target_Img_745,Black,Female,1,0.49369014 +746,Source_Img_746,Target_Img_746,Black,Female,0,0.21331458 +747,Source_Img_747,Target_Img_747,Black,Female,0,0.12891567 +748,Source_Img_748,Target_Img_748,Black,Female,1,0.9164192 +749,Source_Img_749,Target_Img_749,Black,Female,1,0.88298584 +750,Source_Img_750,Target_Img_750,Black,Female,0,0.15284654 +751,Source_Img_751,Target_Img_751,Black,Female,1,0.9945779 +752,Source_Img_752,Target_Img_752,Black,Female,1,0.65876265 +753,Source_Img_753,Target_Img_753,Black,Female,0,0.12841838 +754,Source_Img_754,Target_Img_754,Black,Female,1,0.765562 +755,Source_Img_755,Target_Img_755,Black,Female,0,0.15077082 +756,Source_Img_756,Target_Img_756,Black,Female,1,0.73448465 +757,Source_Img_757,Target_Img_757,Black,Female,0,0.02154479 +758,Source_Img_758,Target_Img_758,Black,Female,1,0.9 +759,Source_Img_759,Target_Img_759,Black,Female,0,0.0684539 +760,Source_Img_760,Target_Img_760,Black,Female,1,0.7556342 +761,Source_Img_761,Target_Img_761,Black,Female,0,0.13125398 +762,Source_Img_762,Target_Img_762,Black,Female,1,1 +763,Source_Img_763,Target_Img_763,Black,Female,1,0.67080954 +764,Source_Img_764,Target_Img_764,Black,Female,1,0.9219217 +765,Source_Img_765,Target_Img_765,Black,Female,0,0.156752816 +766,Source_Img_766,Target_Img_766,Black,Female,1,0.53733533 +767,Source_Img_767,Target_Img_767,Black,Female,0,0.045076596 +768,Source_Img_768,Target_Img_768,Black,Female,1,0.8234981 +769,Source_Img_769,Target_Img_769,Black,Female,1,0.60388177 +770,Source_Img_770,Target_Img_770,Black,Female,1,0.73164776 +771,Source_Img_771,Target_Img_771,Black,Female,0,0.11297167 +772,Source_Img_772,Target_Img_772,Black,Female,1,0.793938 +773,Source_Img_773,Target_Img_773,Black,Female,0,0.172280894 +774,Source_Img_774,Target_Img_774,Black,Female,0,0.171274925 +775,Source_Img_775,Target_Img_775,Black,Female,1,0.7553828 +776,Source_Img_776,Target_Img_776,Black,Female,1,0.989 +777,Source_Img_777,Target_Img_777,Black,Female,1,0.8765604 +778,Source_Img_778,Target_Img_778,Black,Female,0,0.175300905 +779,Source_Img_779,Target_Img_779,Black,Female,1,0.65494637 +780,Source_Img_780,Target_Img_780,Black,Female,0,0.02012279 +781,Source_Img_781,Target_Img_781,Black,Female,1,0.7701532 +782,Source_Img_782,Target_Img_782,Black,Female,0,0.00898334 +783,Source_Img_783,Target_Img_783,Black,Female,1,0.8223201 +784,Source_Img_784,Target_Img_784,Black,Female,0,0.067917985 +785,Source_Img_785,Target_Img_785,Black,Female,0,0.08960259 +786,Source_Img_786,Target_Img_786,Black,Female,1,0.7488599 +787,Source_Img_787,Target_Img_787,Black,Female,1,0.6907199 +788,Source_Img_788,Target_Img_788,Black,Female,0,0.1351354 +789,Source_Img_789,Target_Img_789,Black,Female,0,0.090840014 +790,Source_Img_790,Target_Img_790,Black,Female,0,0.14211467 +791,Source_Img_791,Target_Img_791,Black,Female,1,0.82359315 +792,Source_Img_792,Target_Img_792,Black,Female,0,0.13314513 +793,Source_Img_793,Target_Img_793,Black,Female,1,0.8323638 +794,Source_Img_794,Target_Img_794,Black,Female,0,0.23240154 +795,Source_Img_795,Target_Img_795,Black,Female,0,0.16965018 +796,Source_Img_796,Target_Img_796,Black,Female,0,0.19633878 +797,Source_Img_797,Target_Img_797,Black,Female,0,0.24735582 +798,Source_Img_798,Target_Img_798,Black,Female,1,1 +799,Source_Img_799,Target_Img_799,Black,Female,1,1 +800,Source_Img_800,Target_Img_800,Black,Female,0,0.10013103 +801,Source_Img_801,Target_Img_801,Black,Female,1,1 +802,Source_Img_802,Target_Img_802,Black,Female,0,0.108820836 +803,Source_Img_803,Target_Img_803,Black,Female,0,0.17456069 +804,Source_Img_804,Target_Img_804,Black,Female,1,0.74559544 +805,Source_Img_805,Target_Img_805,Black,Female,0,0.23585259 +806,Source_Img_806,Target_Img_806,Black,Female,0,0.04784933 +807,Source_Img_807,Target_Img_807,Black,Female,0,0.08663904 +808,Source_Img_808,Target_Img_808,Black,Female,1,0.66075227 +809,Source_Img_809,Target_Img_809,Black,Female,1,0.8543061 +810,Source_Img_810,Target_Img_810,Black,Female,0,0.12909733 +811,Source_Img_811,Target_Img_811,Black,Female,1,1 +812,Source_Img_812,Target_Img_812,Black,Female,1,0.8551836 +813,Source_Img_813,Target_Img_813,Black,Female,1,0.76418774 +814,Source_Img_814,Target_Img_814,Black,Female,0,0.016563136 +815,Source_Img_815,Target_Img_815,Black,Female,0,0.1498475 +816,Source_Img_816,Target_Img_816,Black,Female,0,0.17563029 +817,Source_Img_817,Target_Img_817,Black,Female,1,0.8077816 +818,Source_Img_818,Target_Img_818,Black,Female,0,0.111694086 +819,Source_Img_819,Target_Img_819,Black,Female,1,1 +820,Source_Img_820,Target_Img_820,Black,Female,1,0.3332648 +821,Source_Img_821,Target_Img_821,Black,Female,1,0.55975445 +822,Source_Img_822,Target_Img_822,Black,Female,1,0.86963655 +823,Source_Img_823,Target_Img_823,Black,Female,0,0 +824,Source_Img_824,Target_Img_824,Black,Female,1,0.9540632 +825,Source_Img_825,Target_Img_825,Black,Female,0,0.054912405 +826,Source_Img_826,Target_Img_826,Black,Female,1,0.6132034 +827,Source_Img_827,Target_Img_827,Black,Female,1,0.6992108 +828,Source_Img_828,Target_Img_828,Black,Female,0,0.087607374 +829,Source_Img_829,Target_Img_829,Black,Female,1,0.7988151 +830,Source_Img_830,Target_Img_830,Black,Female,0,0.40309085 +831,Source_Img_831,Target_Img_831,Black,Female,0,0.06630533 +832,Source_Img_832,Target_Img_832,Black,Female,1,0.95046856 +833,Source_Img_833,Target_Img_833,Black,Female,1,0.6228738 +834,Source_Img_834,Target_Img_834,Black,Female,1,0.9082842 +835,Source_Img_835,Target_Img_835,Black,Female,0,0.09614202 +836,Source_Img_836,Target_Img_836,Black,Female,0,0.086817485 +837,Source_Img_837,Target_Img_837,Black,Female,1,0.69253394 +838,Source_Img_838,Target_Img_838,Black,Female,0,0.14343381 +839,Source_Img_839,Target_Img_839,Black,Female,0,0.11420632 +840,Source_Img_840,Target_Img_840,Black,Female,1,0.755541 +841,Source_Img_841,Target_Img_841,Black,Female,0,0.28183998 +842,Source_Img_842,Target_Img_842,Black,Female,1,0.806348 +843,Source_Img_843,Target_Img_843,Black,Female,0,0.08193798 +844,Source_Img_844,Target_Img_844,Black,Female,0,0.18083395 +845,Source_Img_845,Target_Img_845,Black,Female,1,0.7554402 +846,Source_Img_846,Target_Img_846,Black,Female,0,0.020532725 +847,Source_Img_847,Target_Img_847,Black,Female,1,0.8315233 +848,Source_Img_848,Target_Img_848,Black,Female,1,0.6588537 +849,Source_Img_849,Target_Img_849,Black,Female,0,0.04646905 +850,Source_Img_850,Target_Img_850,Black,Female,1,0.73376123 +851,Source_Img_851,Target_Img_851,Black,Female,1,1 +852,Source_Img_852,Target_Img_852,Black,Female,0,0.16090426 +853,Source_Img_853,Target_Img_853,Black,Female,1,0.6277523 +854,Source_Img_854,Target_Img_854,Black,Female,0,0.09849 +855,Source_Img_855,Target_Img_855,Black,Female,1,0.81843915 +856,Source_Img_856,Target_Img_856,Black,Female,0,0.18099915 +857,Source_Img_857,Target_Img_857,Black,Female,1,0.85306364 +858,Source_Img_858,Target_Img_858,Black,Female,0,0.2298683 +859,Source_Img_859,Target_Img_859,Black,Female,0,0.22557146 +860,Source_Img_860,Target_Img_860,Black,Female,1,0.9183669 +861,Source_Img_861,Target_Img_861,Black,Female,1,0.917786 +862,Source_Img_862,Target_Img_862,Black,Female,0,0.07941345 +863,Source_Img_863,Target_Img_863,Black,Female,0,0.17231135 +864,Source_Img_864,Target_Img_864,Black,Female,1,0.93288825 +865,Source_Img_865,Target_Img_865,Black,Female,1,0.75212247 +866,Source_Img_866,Target_Img_866,Black,Female,0,0.14258361 +867,Source_Img_867,Target_Img_867,Black,Female,1,0.73135854 +868,Source_Img_868,Target_Img_868,Black,Female,0,0.13801309 +869,Source_Img_869,Target_Img_869,Black,Female,0,0.14538602 +870,Source_Img_870,Target_Img_870,Black,Female,1,0.7888384 +871,Source_Img_871,Target_Img_871,Black,Female,1,0.6738161 +872,Source_Img_872,Target_Img_872,Black,Female,1,0.8739175 +873,Source_Img_873,Target_Img_873,Black,Female,1,0.78760045 +874,Source_Img_874,Target_Img_874,Black,Female,1,0.6130056 +875,Source_Img_875,Target_Img_875,Black,Female,1,0.87022283 +876,Source_Img_876,Target_Img_876,Black,Female,0,0.03248146 +877,Source_Img_877,Target_Img_877,Black,Female,1,0.68683406 +878,Source_Img_878,Target_Img_878,Black,Female,1,0.81673623 +879,Source_Img_879,Target_Img_879,Black,Female,1,0.76565304 +880,Source_Img_880,Target_Img_880,Black,Female,0,0.26484672 +881,Source_Img_881,Target_Img_881,Black,Female,0,0.29822803 +882,Source_Img_882,Target_Img_882,Black,Female,1,0.7061429 +883,Source_Img_883,Target_Img_883,Black,Female,1,0.968 +884,Source_Img_884,Target_Img_884,Black,Female,0,0.027670215 +885,Source_Img_885,Target_Img_885,Black,Female,1,0.81182244 +886,Source_Img_886,Target_Img_886,Black,Female,1,0.83321316 +887,Source_Img_887,Target_Img_887,Black,Female,1,0.8762775 +888,Source_Img_888,Target_Img_888,Black,Female,1,0.7318073 +889,Source_Img_889,Target_Img_889,Black,Female,0,0.1101565 +890,Source_Img_890,Target_Img_890,Black,Female,0,0.055985166 +891,Source_Img_891,Target_Img_891,Black,Female,1,0.86523936 +892,Source_Img_892,Target_Img_892,Black,Female,1,0.8899638 +893,Source_Img_893,Target_Img_893,Black,Female,0,0.17190742 +894,Source_Img_894,Target_Img_894,Black,Female,1,0.8693749 +895,Source_Img_895,Target_Img_895,Black,Female,0,0.121358496 +896,Source_Img_896,Target_Img_896,Black,Female,1,0.7415897 +897,Source_Img_897,Target_Img_897,Black,Female,0,0.00401775 +898,Source_Img_898,Target_Img_898,Black,Female,0,0.012644964 +899,Source_Img_899,Target_Img_899,Black,Female,1,0.9057387 +900,Source_Img_900,Target_Img_900,Black,Female,0,0.15201753 +901,Source_Img_901,Target_Img_901,Black,Female,0,0.24168657 +902,Source_Img_902,Target_Img_902,Black,Female,1,0.5454518 +903,Source_Img_903,Target_Img_903,Black,Female,0,0.01858511 +904,Source_Img_904,Target_Img_904,Black,Female,0,0.13340542 +905,Source_Img_905,Target_Img_905,Black,Female,0,0.04203269 +906,Source_Img_906,Target_Img_906,Black,Female,0,0.04280102 +907,Source_Img_907,Target_Img_907,Black,Female,1,0.7252011 +908,Source_Img_908,Target_Img_908,Black,Female,1,0.70635276 +909,Source_Img_909,Target_Img_909,Black,Female,0,0.15271281 +910,Source_Img_910,Target_Img_910,Black,Female,1,0.7868127 +911,Source_Img_911,Target_Img_911,Black,Female,0,0.10878556 +912,Source_Img_912,Target_Img_912,Black,Female,1,0.7280696 +913,Source_Img_913,Target_Img_913,Black,Female,0,0.15623127 +914,Source_Img_914,Target_Img_914,Black,Female,1,0.6210766 +915,Source_Img_915,Target_Img_915,Black,Female,0,0.12116618 +916,Source_Img_916,Target_Img_916,Black,Female,1,0.992 +917,Source_Img_917,Target_Img_917,Black,Female,1,0.7892632 +918,Source_Img_918,Target_Img_918,Black,Female,1,0.68666874 +919,Source_Img_919,Target_Img_919,Black,Female,0,0.21172998 +920,Source_Img_920,Target_Img_920,Black,Female,0,0.132980214 +921,Source_Img_921,Target_Img_921,Black,Female,1,0.8753769 +922,Source_Img_922,Target_Img_922,Black,Female,1,0.80227893 +923,Source_Img_923,Target_Img_923,Black,Female,1,0.68892695 +924,Source_Img_924,Target_Img_924,Black,Female,0,0.1158577 +925,Source_Img_925,Target_Img_925,Black,Female,1,0.6852765 +926,Source_Img_926,Target_Img_926,Black,Female,0,0.088769265 +927,Source_Img_927,Target_Img_927,Black,Female,1,1 +928,Source_Img_928,Target_Img_928,Black,Female,0,0.23709241 +929,Source_Img_929,Target_Img_929,Black,Female,0,0.0770777 +930,Source_Img_930,Target_Img_930,Black,Female,0,0.16667624 +931,Source_Img_931,Target_Img_931,Black,Female,1,0.8119655 +932,Source_Img_932,Target_Img_932,Black,Female,0,0.08266338 +933,Source_Img_933,Target_Img_933,Black,Female,1,0.7625309 +934,Source_Img_934,Target_Img_934,Black,Female,1,0.98029994 +935,Source_Img_935,Target_Img_935,Black,Female,0,0.17273201 +936,Source_Img_936,Target_Img_936,Black,Female,0,0.07458208 +937,Source_Img_937,Target_Img_937,Black,Female,0,0.19443197 +938,Source_Img_938,Target_Img_938,Black,Female,0,0.13604523 +939,Source_Img_939,Target_Img_939,Black,Female,1,0.7071416 +940,Source_Img_940,Target_Img_940,Black,Female,1,0.73509475 +941,Source_Img_941,Target_Img_941,Black,Female,0,0.00111924 +942,Source_Img_942,Target_Img_942,Black,Female,0,0.025879424 +943,Source_Img_943,Target_Img_943,Black,Female,1,0.641113 +944,Source_Img_944,Target_Img_944,Black,Female,0,0.05306656 +945,Source_Img_945,Target_Img_945,Black,Female,0,0.17444913 +946,Source_Img_946,Target_Img_946,Black,Female,0,0.146582975 +947,Source_Img_947,Target_Img_947,Black,Female,0,0 +948,Source_Img_948,Target_Img_948,Black,Female,1,0.8659371 +949,Source_Img_949,Target_Img_949,Black,Female,1,1 +950,Source_Img_950,Target_Img_950,Black,Female,1,0.6821124 +951,Source_Img_951,Target_Img_951,Black,Female,0,0.17894801 +952,Source_Img_952,Target_Img_952,Black,Female,0,0.086448845 +953,Source_Img_953,Target_Img_953,Black,Female,0,0.24435878 +954,Source_Img_954,Target_Img_954,Black,Female,1,0.7206638 +955,Source_Img_955,Target_Img_955,Black,Female,0,0.07806498 +956,Source_Img_956,Target_Img_956,Black,Female,1,0.9579279 +957,Source_Img_957,Target_Img_957,Black,Female,0,0.14198039 +958,Source_Img_958,Target_Img_958,Black,Female,1,0.82938074 +959,Source_Img_959,Target_Img_959,Black,Female,0,0.04668242 +960,Source_Img_960,Target_Img_960,Black,Female,1,0.7490066 +961,Source_Img_961,Target_Img_961,Black,Female,0,0.17585626 +962,Source_Img_962,Target_Img_962,Black,Female,1,0.77248334 +963,Source_Img_963,Target_Img_963,Black,Female,0,0.07058216 +964,Source_Img_964,Target_Img_964,Black,Female,0,0.200387686 +965,Source_Img_965,Target_Img_965,Black,Female,1,0.8146642 +966,Source_Img_966,Target_Img_966,Black,Female,1,0.582115 +967,Source_Img_967,Target_Img_967,Black,Female,1,0.7714446 +968,Source_Img_968,Target_Img_968,Black,Female,0,0.16789433 +969,Source_Img_969,Target_Img_969,Black,Female,1,0.87405323 +970,Source_Img_970,Target_Img_970,Black,Female,1,0.8908073 +971,Source_Img_971,Target_Img_971,Black,Female,0,0.043220366 +972,Source_Img_972,Target_Img_972,Black,Female,1,0.7238765 +973,Source_Img_973,Target_Img_973,Black,Female,0,0.1352022 +974,Source_Img_974,Target_Img_974,Black,Female,0,0.15836811 +975,Source_Img_975,Target_Img_975,Black,Female,1,0.6958858 +976,Source_Img_976,Target_Img_976,Black,Female,1,0.7334555 +977,Source_Img_977,Target_Img_977,Black,Female,0,0.15899335 +978,Source_Img_978,Target_Img_978,Black,Female,1,0.8338726 +979,Source_Img_979,Target_Img_979,Black,Female,0,0.17342526 +980,Source_Img_980,Target_Img_980,Black,Female,0,0.17796569 +981,Source_Img_981,Target_Img_981,Black,Female,1,0.7232106 +982,Source_Img_982,Target_Img_982,Black,Female,0,0.20039121 +983,Source_Img_983,Target_Img_983,Black,Female,1,0.7495478 +984,Source_Img_984,Target_Img_984,Black,Female,1,0.5796655 +985,Source_Img_985,Target_Img_985,Black,Female,0,0.22639312 +986,Source_Img_986,Target_Img_986,Black,Female,1,1 +987,Source_Img_987,Target_Img_987,Black,Female,0,0.1679989 +988,Source_Img_988,Target_Img_988,Black,Female,1,0.86318097 +989,Source_Img_989,Target_Img_989,Black,Female,1,0.6670166 +990,Source_Img_990,Target_Img_990,Black,Female,0,0.131386885 +991,Source_Img_991,Target_Img_991,Black,Female,0,0.00557867 +992,Source_Img_992,Target_Img_992,Black,Female,0,0.06345817 +993,Source_Img_993,Target_Img_993,Black,Female,0,0.149775804 +994,Source_Img_994,Target_Img_994,Black,Female,1,0.7271018 +995,Source_Img_995,Target_Img_995,Black,Female,0,0.010414706 +996,Source_Img_996,Target_Img_996,Black,Female,0,0.18614285 +997,Source_Img_997,Target_Img_997,Black,Female,1,0.8809965 +998,Source_Img_998,Target_Img_998,Black,Female,0,0.19855197 +999,Source_Img_999,Target_Img_999,Black,Female,1,0.75860634 +1000,Source_Img_1000,Target_Img_1000,Black,Male,1,0.99407754 +1001,Source_Img_1001,Target_Img_1001,Black,Male,1,0.769749 +1002,Source_Img_1002,Target_Img_1002,Black,Male,1,0.5575942 +1003,Source_Img_1003,Target_Img_1003,Black,Male,1,0.8444655 +1004,Source_Img_1004,Target_Img_1004,Black,Male,0,0.14762018 +1005,Source_Img_1005,Target_Img_1005,Black,Male,0,0.08917601 +1006,Source_Img_1006,Target_Img_1006,Black,Male,1,0.8644817 +1007,Source_Img_1007,Target_Img_1007,Black,Male,0,0.119073914 +1008,Source_Img_1008,Target_Img_1008,Black,Male,1,0.9006087 +1009,Source_Img_1009,Target_Img_1009,Black,Male,0,0.07450025 +1010,Source_Img_1010,Target_Img_1010,Black,Male,0,0.176163524 +1011,Source_Img_1011,Target_Img_1011,Black,Male,0,0 +1012,Source_Img_1012,Target_Img_1012,Black,Male,0,0.07970019 +1013,Source_Img_1013,Target_Img_1013,Black,Male,1,0.7165258 +1014,Source_Img_1014,Target_Img_1014,Black,Male,0,0.10515632 +1015,Source_Img_1015,Target_Img_1015,Black,Male,1,0.7165546 +1016,Source_Img_1016,Target_Img_1016,Black,Male,0,0 +1017,Source_Img_1017,Target_Img_1017,Black,Male,1,0.86359914 +1018,Source_Img_1018,Target_Img_1018,Black,Male,0,0.164361906 +1019,Source_Img_1019,Target_Img_1019,Black,Male,0,0.23084127 +1020,Source_Img_1020,Target_Img_1020,Black,Male,0,0.14237147 +1021,Source_Img_1021,Target_Img_1021,Black,Male,1,0.8423546 +1022,Source_Img_1022,Target_Img_1022,Black,Male,0,0.12736067 +1023,Source_Img_1023,Target_Img_1023,Black,Male,1,0.7830881 +1024,Source_Img_1024,Target_Img_1024,Black,Male,0,0.042796424 +1025,Source_Img_1025,Target_Img_1025,Black,Male,1,0.95163824 +1026,Source_Img_1026,Target_Img_1026,Black,Male,0,0.090073674 +1027,Source_Img_1027,Target_Img_1027,Black,Male,1,0.7749528 +1028,Source_Img_1028,Target_Img_1028,Black,Male,1,0.9198223 +1029,Source_Img_1029,Target_Img_1029,Black,Male,0,0.090487424 +1030,Source_Img_1030,Target_Img_1030,Black,Male,0,0 +1031,Source_Img_1031,Target_Img_1031,Black,Male,1,0.7436747 +1032,Source_Img_1032,Target_Img_1032,Black,Male,1,0.76923545 +1033,Source_Img_1033,Target_Img_1033,Black,Male,0,0.17902616 +1034,Source_Img_1034,Target_Img_1034,Black,Male,1,0.904 +1035,Source_Img_1035,Target_Img_1035,Black,Male,0,0.06147719 +1036,Source_Img_1036,Target_Img_1036,Black,Male,1,0.73398226 +1037,Source_Img_1037,Target_Img_1037,Black,Male,1,0.99186016 +1038,Source_Img_1038,Target_Img_1038,Black,Male,0,0.18742467 +1039,Source_Img_1039,Target_Img_1039,Black,Male,0,0.091584185 +1040,Source_Img_1040,Target_Img_1040,Black,Male,1,0.721079 +1041,Source_Img_1041,Target_Img_1041,Black,Male,1,0.9110191 +1042,Source_Img_1042,Target_Img_1042,Black,Male,0,0.050657975 +1043,Source_Img_1043,Target_Img_1043,Black,Male,1,0.70712144 +1044,Source_Img_1044,Target_Img_1044,Black,Male,0,0.08678287 +1045,Source_Img_1045,Target_Img_1045,Black,Male,0,0.17386676 +1046,Source_Img_1046,Target_Img_1046,Black,Male,1,0.99 +1047,Source_Img_1047,Target_Img_1047,Black,Male,1,0.714363 +1048,Source_Img_1048,Target_Img_1048,Black,Male,0,0.01949553 +1049,Source_Img_1049,Target_Img_1049,Black,Male,1,0.7300846 +1050,Source_Img_1050,Target_Img_1050,Black,Male,1,0.7551694 +1051,Source_Img_1051,Target_Img_1051,Black,Male,0,0.068911516 +1052,Source_Img_1052,Target_Img_1052,Black,Male,0,0.00855494 +1053,Source_Img_1053,Target_Img_1053,Black,Male,0,0.14900563 +1054,Source_Img_1054,Target_Img_1054,Black,Male,1,0.82399166 +1055,Source_Img_1055,Target_Img_1055,Black,Male,0,0.031404156 +1056,Source_Img_1056,Target_Img_1056,Black,Male,1,0.7923737 +1057,Source_Img_1057,Target_Img_1057,Black,Male,0,0.03293357 +1058,Source_Img_1058,Target_Img_1058,Black,Male,1,0.977 +1059,Source_Img_1059,Target_Img_1059,Black,Male,0,0 +1060,Source_Img_1060,Target_Img_1060,Black,Male,0,0.15917449 +1061,Source_Img_1061,Target_Img_1061,Black,Male,1,0.85146184 +1062,Source_Img_1062,Target_Img_1062,Black,Male,0,0.07271324 +1063,Source_Img_1063,Target_Img_1063,Black,Male,0,0.08796626 +1064,Source_Img_1064,Target_Img_1064,Black,Male,0,0.040421345 +1065,Source_Img_1065,Target_Img_1065,Black,Male,1,0.9247251 +1066,Source_Img_1066,Target_Img_1066,Black,Male,0,0.08919885 +1067,Source_Img_1067,Target_Img_1067,Black,Male,0,0.0549697 +1068,Source_Img_1068,Target_Img_1068,Black,Male,0,0.007526014 +1069,Source_Img_1069,Target_Img_1069,Black,Male,1,0.8631007 +1070,Source_Img_1070,Target_Img_1070,Black,Male,0,0.1151266 +1071,Source_Img_1071,Target_Img_1071,Black,Male,0,0.09647339 +1072,Source_Img_1072,Target_Img_1072,Black,Male,0,0.079997984 +1073,Source_Img_1073,Target_Img_1073,Black,Male,1,0.8210101 +1074,Source_Img_1074,Target_Img_1074,Black,Male,1,0.59368423 +1075,Source_Img_1075,Target_Img_1075,Black,Male,1,0.70897866 +1076,Source_Img_1076,Target_Img_1076,Black,Male,1,0.6171955 +1077,Source_Img_1077,Target_Img_1077,Black,Male,0,0.059181346 +1078,Source_Img_1078,Target_Img_1078,Black,Male,0,0.25772667 +1079,Source_Img_1079,Target_Img_1079,Black,Male,0,0.2277863 +1080,Source_Img_1080,Target_Img_1080,Black,Male,1,0.7554174 +1081,Source_Img_1081,Target_Img_1081,Black,Male,1,0.931 +1082,Source_Img_1082,Target_Img_1082,Black,Male,0,0.11946541 +1083,Source_Img_1083,Target_Img_1083,Black,Male,1,0.73203353 +1084,Source_Img_1084,Target_Img_1084,Black,Male,0,0.001040526 +1085,Source_Img_1085,Target_Img_1085,Black,Male,0,0.06266359 +1086,Source_Img_1086,Target_Img_1086,Black,Male,1,1 +1087,Source_Img_1087,Target_Img_1087,Black,Male,0,0.1121146 +1088,Source_Img_1088,Target_Img_1088,Black,Male,1,0.82271516 +1089,Source_Img_1089,Target_Img_1089,Black,Male,0,0.09615225 +1090,Source_Img_1090,Target_Img_1090,Black,Male,1,0.73607154 +1091,Source_Img_1091,Target_Img_1091,Black,Male,0,0.00205857 +1092,Source_Img_1092,Target_Img_1092,Black,Male,1,0.844016 +1093,Source_Img_1093,Target_Img_1093,Black,Male,0,0.23218464 +1094,Source_Img_1094,Target_Img_1094,Black,Male,1,0.74693834 +1095,Source_Img_1095,Target_Img_1095,Black,Male,0,0.182224904 +1096,Source_Img_1096,Target_Img_1096,Black,Male,1,0.79581607 +1097,Source_Img_1097,Target_Img_1097,Black,Male,0,0.102439626 +1098,Source_Img_1098,Target_Img_1098,Black,Male,1,0.6881058 +1099,Source_Img_1099,Target_Img_1099,Black,Male,0,0.159020716 +1100,Source_Img_1100,Target_Img_1100,Black,Male,1,0.73282446 +1101,Source_Img_1101,Target_Img_1101,Black,Male,0,0.15161651 +1102,Source_Img_1102,Target_Img_1102,Black,Male,1,0.8242268 +1103,Source_Img_1103,Target_Img_1103,Black,Male,0,0.0109381 +1104,Source_Img_1104,Target_Img_1104,Black,Male,1,1 +1105,Source_Img_1105,Target_Img_1105,Black,Male,1,0.902184 +1106,Source_Img_1106,Target_Img_1106,Black,Male,0,0.04649196 +1107,Source_Img_1107,Target_Img_1107,Black,Male,1,0.7005257 +1108,Source_Img_1108,Target_Img_1108,Black,Male,0,0.2711456 +1109,Source_Img_1109,Target_Img_1109,Black,Male,0,0 +1110,Source_Img_1110,Target_Img_1110,Black,Male,1,0.7423819 +1111,Source_Img_1111,Target_Img_1111,Black,Male,1,0.68243266 +1112,Source_Img_1112,Target_Img_1112,Black,Male,1,1 +1113,Source_Img_1113,Target_Img_1113,Black,Male,1,0.973191 +1114,Source_Img_1114,Target_Img_1114,Black,Male,0,0.06901919 +1115,Source_Img_1115,Target_Img_1115,Black,Male,1,0.7731858 +1116,Source_Img_1116,Target_Img_1116,Black,Male,0,0.18010648 +1117,Source_Img_1117,Target_Img_1117,Black,Male,0,0.23977229 +1118,Source_Img_1118,Target_Img_1118,Black,Male,0,0.17964702 +1119,Source_Img_1119,Target_Img_1119,Black,Male,1,0.7086558 +1120,Source_Img_1120,Target_Img_1120,Black,Male,0,0.12051841 +1121,Source_Img_1121,Target_Img_1121,Black,Male,1,0.8017961 +1122,Source_Img_1122,Target_Img_1122,Black,Male,0,0.11444514 +1123,Source_Img_1123,Target_Img_1123,Black,Male,1,0.4489687 +1124,Source_Img_1124,Target_Img_1124,Black,Male,0,0.00026882 +1125,Source_Img_1125,Target_Img_1125,Black,Male,0,0.17991724 +1126,Source_Img_1126,Target_Img_1126,Black,Male,1,1 +1127,Source_Img_1127,Target_Img_1127,Black,Male,0,0.13751529 +1128,Source_Img_1128,Target_Img_1128,Black,Male,1,1 +1129,Source_Img_1129,Target_Img_1129,Black,Male,0,0.1505511 +1130,Source_Img_1130,Target_Img_1130,Black,Male,1,0.572884 +1131,Source_Img_1131,Target_Img_1131,Black,Male,0,0.181018464 +1132,Source_Img_1132,Target_Img_1132,Black,Male,1,0.81173634 +1133,Source_Img_1133,Target_Img_1133,Black,Male,0,0.01550721 +1134,Source_Img_1134,Target_Img_1134,Black,Male,1,0.8251496 +1135,Source_Img_1135,Target_Img_1135,Black,Male,1,0.7964713 +1136,Source_Img_1136,Target_Img_1136,Black,Male,1,0.83666363 +1137,Source_Img_1137,Target_Img_1137,Black,Male,0,0.17166701 +1138,Source_Img_1138,Target_Img_1138,Black,Male,0,0.19505703 +1139,Source_Img_1139,Target_Img_1139,Black,Male,0,0 +1140,Source_Img_1140,Target_Img_1140,Black,Male,0,0.1220224 +1141,Source_Img_1141,Target_Img_1141,Black,Male,1,0.9925463 +1142,Source_Img_1142,Target_Img_1142,Black,Male,0,0.161367205 +1143,Source_Img_1143,Target_Img_1143,Black,Male,1,0.8425613 +1144,Source_Img_1144,Target_Img_1144,Black,Male,1,0.76304846 +1145,Source_Img_1145,Target_Img_1145,Black,Male,0,0.0901758 +1146,Source_Img_1146,Target_Img_1146,Black,Male,1,0.9339979 +1147,Source_Img_1147,Target_Img_1147,Black,Male,1,0.75329054 +1148,Source_Img_1148,Target_Img_1148,Black,Male,1,0.84095 +1149,Source_Img_1149,Target_Img_1149,Black,Male,1,1 +1150,Source_Img_1150,Target_Img_1150,Black,Male,0,0.08739119 +1151,Source_Img_1151,Target_Img_1151,Black,Male,0,0.07224955 +1152,Source_Img_1152,Target_Img_1152,Black,Male,1,0.8643494 +1153,Source_Img_1153,Target_Img_1153,Black,Male,1,1 +1154,Source_Img_1154,Target_Img_1154,Black,Male,0,0.1212183 +1155,Source_Img_1155,Target_Img_1155,Black,Male,1,0.8333517 +1156,Source_Img_1156,Target_Img_1156,Black,Male,1,0.8809237 +1157,Source_Img_1157,Target_Img_1157,Black,Male,0,0.060719165 +1158,Source_Img_1158,Target_Img_1158,Black,Male,0,0.06332443 +1159,Source_Img_1159,Target_Img_1159,Black,Male,1,0.73756073 +1160,Source_Img_1160,Target_Img_1160,Black,Male,0,0.25264937 +1161,Source_Img_1161,Target_Img_1161,Black,Male,1,0.78540046 +1162,Source_Img_1162,Target_Img_1162,Black,Male,1,0.62758634 +1163,Source_Img_1163,Target_Img_1163,Black,Male,0,0.064117395 +1164,Source_Img_1164,Target_Img_1164,Black,Male,1,0.66578687 +1165,Source_Img_1165,Target_Img_1165,Black,Male,0,0.0731716 +1166,Source_Img_1166,Target_Img_1166,Black,Male,1,0.6327716 +1167,Source_Img_1167,Target_Img_1167,Black,Male,0,0.03344055 +1168,Source_Img_1168,Target_Img_1168,Black,Male,1,0.8215402 +1169,Source_Img_1169,Target_Img_1169,Black,Male,1,0.87216763 +1170,Source_Img_1170,Target_Img_1170,Black,Male,0,0.03401218 +1171,Source_Img_1171,Target_Img_1171,Black,Male,1,0.81572405 +1172,Source_Img_1172,Target_Img_1172,Black,Male,1,0.8935676 +1173,Source_Img_1173,Target_Img_1173,Black,Male,1,0.8231542 +1174,Source_Img_1174,Target_Img_1174,Black,Male,1,0.973 +1175,Source_Img_1175,Target_Img_1175,Black,Male,0,0.01057258 +1176,Source_Img_1176,Target_Img_1176,Black,Male,1,0.58993264 +1177,Source_Img_1177,Target_Img_1177,Black,Male,1,0.7574247 +1178,Source_Img_1178,Target_Img_1178,Black,Male,1,0.983 +1179,Source_Img_1179,Target_Img_1179,Black,Male,0,0.12543599 +1180,Source_Img_1180,Target_Img_1180,Black,Male,0,0.014697255 +1181,Source_Img_1181,Target_Img_1181,Black,Male,1,0.69947735 +1182,Source_Img_1182,Target_Img_1182,Black,Male,0,0.130190715 +1183,Source_Img_1183,Target_Img_1183,Black,Male,1,0.8951623 +1184,Source_Img_1184,Target_Img_1184,Black,Male,0,0.07926342 +1185,Source_Img_1185,Target_Img_1185,Black,Male,1,0.7759352 +1186,Source_Img_1186,Target_Img_1186,Black,Male,1,0.8394912 +1187,Source_Img_1187,Target_Img_1187,Black,Male,1,0.79992545 +1188,Source_Img_1188,Target_Img_1188,Black,Male,1,1 +1189,Source_Img_1189,Target_Img_1189,Black,Male,0,0.01186318 +1190,Source_Img_1190,Target_Img_1190,Black,Male,1,0.906 +1191,Source_Img_1191,Target_Img_1191,Black,Male,1,0.9170594 +1192,Source_Img_1192,Target_Img_1192,Black,Male,0,0.08840863 +1193,Source_Img_1193,Target_Img_1193,Black,Male,1,0.6935994 +1194,Source_Img_1194,Target_Img_1194,Black,Male,0,0.2588144 +1195,Source_Img_1195,Target_Img_1195,Black,Male,0,0.08562917 +1196,Source_Img_1196,Target_Img_1196,Black,Male,1,0.6445211 +1197,Source_Img_1197,Target_Img_1197,Black,Male,0,0.23290068 +1198,Source_Img_1198,Target_Img_1198,Black,Male,1,0.7147866 +1199,Source_Img_1199,Target_Img_1199,Black,Male,0,0.11640542 +1200,Source_Img_1200,Target_Img_1200,Black,Male,0,0.10627417 +1201,Source_Img_1201,Target_Img_1201,Black,Male,1,0.80123854 +1202,Source_Img_1202,Target_Img_1202,Black,Male,1,0.9013386 +1203,Source_Img_1203,Target_Img_1203,Black,Male,1,0.7156332 +1204,Source_Img_1204,Target_Img_1204,Black,Male,0,0.20706835 +1205,Source_Img_1205,Target_Img_1205,Black,Male,1,0.79381016 +1206,Source_Img_1206,Target_Img_1206,Black,Male,0,0.14240396 +1207,Source_Img_1207,Target_Img_1207,Black,Male,1,0.942 +1208,Source_Img_1208,Target_Img_1208,Black,Male,1,0.8210951 +1209,Source_Img_1209,Target_Img_1209,Black,Male,0,0.21564206 +1210,Source_Img_1210,Target_Img_1210,Black,Male,1,0.65998297 +1211,Source_Img_1211,Target_Img_1211,Black,Male,1,0.79076865 +1212,Source_Img_1212,Target_Img_1212,Black,Male,1,0.59274265 +1213,Source_Img_1213,Target_Img_1213,Black,Male,1,1 +1214,Source_Img_1214,Target_Img_1214,Black,Male,0,0.15771778 +1215,Source_Img_1215,Target_Img_1215,Black,Male,0,0.02032021 +1216,Source_Img_1216,Target_Img_1216,Black,Male,1,0.744467 +1217,Source_Img_1217,Target_Img_1217,Black,Male,1,0.79323565 +1218,Source_Img_1218,Target_Img_1218,Black,Male,0,0.10339341 +1219,Source_Img_1219,Target_Img_1219,Black,Male,1,0.66521856 +1220,Source_Img_1220,Target_Img_1220,Black,Male,0,0.137219084 +1221,Source_Img_1221,Target_Img_1221,Black,Male,1,0.9508604 +1222,Source_Img_1222,Target_Img_1222,Black,Male,1,0.9619288 +1223,Source_Img_1223,Target_Img_1223,Black,Male,1,0.8843361 +1224,Source_Img_1224,Target_Img_1224,Black,Male,0,0.00691866 +1225,Source_Img_1225,Target_Img_1225,Black,Male,0,0.21819933 +1226,Source_Img_1226,Target_Img_1226,Black,Male,1,0.6968051 +1227,Source_Img_1227,Target_Img_1227,Black,Male,0,0.12333369 +1228,Source_Img_1228,Target_Img_1228,Black,Male,0,0.10230847 +1229,Source_Img_1229,Target_Img_1229,Black,Male,1,0.67282024 +1230,Source_Img_1230,Target_Img_1230,Black,Male,1,1 +1231,Source_Img_1231,Target_Img_1231,Black,Male,1,0.7306492 +1232,Source_Img_1232,Target_Img_1232,Black,Male,0,0.10057662 +1233,Source_Img_1233,Target_Img_1233,Black,Male,0,0 +1234,Source_Img_1234,Target_Img_1234,Black,Male,1,0.9010061 +1235,Source_Img_1235,Target_Img_1235,Black,Male,1,0.978 +1236,Source_Img_1236,Target_Img_1236,Black,Male,0,0.17507071 +1237,Source_Img_1237,Target_Img_1237,Black,Male,1,0.99569193 +1238,Source_Img_1238,Target_Img_1238,Black,Male,0,0.231237 +1239,Source_Img_1239,Target_Img_1239,Black,Male,1,0.676679 +1240,Source_Img_1240,Target_Img_1240,Black,Male,0,0.168676205 +1241,Source_Img_1241,Target_Img_1241,Black,Male,1,0.66875254 +1242,Source_Img_1242,Target_Img_1242,Black,Male,1,0.75759134 +1243,Source_Img_1243,Target_Img_1243,Black,Male,1,0.73073865 +1244,Source_Img_1244,Target_Img_1244,Black,Male,1,1 +1245,Source_Img_1245,Target_Img_1245,Black,Male,0,0.00136286 +1246,Source_Img_1246,Target_Img_1246,Black,Male,1,0.8922832 +1247,Source_Img_1247,Target_Img_1247,Black,Male,0,0.05157841 +1248,Source_Img_1248,Target_Img_1248,Black,Male,1,0.58733974 +1249,Source_Img_1249,Target_Img_1249,Black,Male,0,0.0838903 +1250,Source_Img_1250,Target_Img_1250,Black,Male,1,0.9574504 +1251,Source_Img_1251,Target_Img_1251,Black,Male,1,0.9335449 +1252,Source_Img_1252,Target_Img_1252,Black,Male,0,0.13017646 +1253,Source_Img_1253,Target_Img_1253,Black,Male,1,1 +1254,Source_Img_1254,Target_Img_1254,Black,Male,0,0.22185263 +1255,Source_Img_1255,Target_Img_1255,Black,Male,0,0.05237177 +1256,Source_Img_1256,Target_Img_1256,Black,Male,0,0 +1257,Source_Img_1257,Target_Img_1257,Black,Male,1,0.77904046 +1258,Source_Img_1258,Target_Img_1258,Black,Male,0,0.16535515 +1259,Source_Img_1259,Target_Img_1259,Black,Male,1,0.80331624 +1260,Source_Img_1260,Target_Img_1260,Black,Male,0,0.00657512 +1261,Source_Img_1261,Target_Img_1261,Black,Male,1,0.902 +1262,Source_Img_1262,Target_Img_1262,Black,Male,1,0.968 +1263,Source_Img_1263,Target_Img_1263,Black,Male,1,0.9173329 +1264,Source_Img_1264,Target_Img_1264,Black,Male,0,0 +1265,Source_Img_1265,Target_Img_1265,Black,Male,1,0.94 +1266,Source_Img_1266,Target_Img_1266,Black,Male,1,0.87174553 +1267,Source_Img_1267,Target_Img_1267,Black,Male,1,0.8527388 +1268,Source_Img_1268,Target_Img_1268,Black,Male,0,0.1923062 +1269,Source_Img_1269,Target_Img_1269,Black,Male,1,0.70537575 +1270,Source_Img_1270,Target_Img_1270,Black,Male,0,0.03736731 +1271,Source_Img_1271,Target_Img_1271,Black,Male,0,0.11888698 +1272,Source_Img_1272,Target_Img_1272,Black,Male,1,0.81663353 +1273,Source_Img_1273,Target_Img_1273,Black,Male,1,0.97420515 +1274,Source_Img_1274,Target_Img_1274,Black,Male,1,0.91236906 +1275,Source_Img_1275,Target_Img_1275,Black,Male,1,0.63552487 +1276,Source_Img_1276,Target_Img_1276,Black,Male,0,0.06920711 +1277,Source_Img_1277,Target_Img_1277,Black,Male,1,0.83930033 +1278,Source_Img_1278,Target_Img_1278,Black,Male,0,0.09334753 +1279,Source_Img_1279,Target_Img_1279,Black,Male,0,0.0993486 +1280,Source_Img_1280,Target_Img_1280,Black,Male,0,0.01439672 +1281,Source_Img_1281,Target_Img_1281,Black,Male,1,0.7216858 +1282,Source_Img_1282,Target_Img_1282,Black,Male,0,0.04135921 +1283,Source_Img_1283,Target_Img_1283,Black,Male,0,0.13325393 +1284,Source_Img_1284,Target_Img_1284,Black,Male,0,0.22967917 +1285,Source_Img_1285,Target_Img_1285,Black,Male,1,0.7069784 +1286,Source_Img_1286,Target_Img_1286,Black,Male,1,0.5986132 +1287,Source_Img_1287,Target_Img_1287,Black,Male,1,1 +1288,Source_Img_1288,Target_Img_1288,Black,Male,0,0.0328235 +1289,Source_Img_1289,Target_Img_1289,Black,Male,0,0.21032917 +1290,Source_Img_1290,Target_Img_1290,Black,Male,1,0.80831607 +1291,Source_Img_1291,Target_Img_1291,Black,Male,1,0.69902285 +1292,Source_Img_1292,Target_Img_1292,Black,Male,0,0.20371506 +1293,Source_Img_1293,Target_Img_1293,Black,Male,0,0.03942932 +1294,Source_Img_1294,Target_Img_1294,Black,Male,1,0.89185017 +1295,Source_Img_1295,Target_Img_1295,Black,Male,1,0.8164486 +1296,Source_Img_1296,Target_Img_1296,Black,Male,0,0.128217795 +1297,Source_Img_1297,Target_Img_1297,Black,Male,0,0.05092465 +1298,Source_Img_1298,Target_Img_1298,Black,Male,0,0.09694195 +1299,Source_Img_1299,Target_Img_1299,Black,Male,1,0.70591397 +1300,Source_Img_1300,Target_Img_1300,Black,Male,0,0.151191364 +1301,Source_Img_1301,Target_Img_1301,Black,Male,1,0.7272615 +1302,Source_Img_1302,Target_Img_1302,Black,Male,1,0.8916298 +1303,Source_Img_1303,Target_Img_1303,Black,Male,1,0.8348058 +1304,Source_Img_1304,Target_Img_1304,Black,Male,1,0.7927872 +1305,Source_Img_1305,Target_Img_1305,Black,Male,0,0.13793471 +1306,Source_Img_1306,Target_Img_1306,Black,Male,0,0.117311846 +1307,Source_Img_1307,Target_Img_1307,Black,Male,0,0.03390097 +1308,Source_Img_1308,Target_Img_1308,Black,Male,0,0 +1309,Source_Img_1309,Target_Img_1309,Black,Male,1,0.8761387 +1310,Source_Img_1310,Target_Img_1310,Black,Male,1,1 +1311,Source_Img_1311,Target_Img_1311,Black,Male,0,0.02915165 +1312,Source_Img_1312,Target_Img_1312,Black,Male,1,0.922 +1313,Source_Img_1313,Target_Img_1313,Black,Male,0,0.1529683 +1314,Source_Img_1314,Target_Img_1314,Black,Male,1,0.79151 +1315,Source_Img_1315,Target_Img_1315,Black,Male,0,0.01564346 +1316,Source_Img_1316,Target_Img_1316,Black,Male,0,0.08609888 +1317,Source_Img_1317,Target_Img_1317,Black,Male,0,0.07007914 +1318,Source_Img_1318,Target_Img_1318,Black,Male,0,0.1383159 +1319,Source_Img_1319,Target_Img_1319,Black,Male,1,0.9903132 +1320,Source_Img_1320,Target_Img_1320,Black,Male,1,0.6186027 +1321,Source_Img_1321,Target_Img_1321,Black,Male,0,0.0532523 +1322,Source_Img_1322,Target_Img_1322,Black,Male,0,0.23336334 +1323,Source_Img_1323,Target_Img_1323,Black,Male,1,0.6811928 +1324,Source_Img_1324,Target_Img_1324,Black,Male,1,0.88042885 +1325,Source_Img_1325,Target_Img_1325,Black,Male,0,0.013345655 +1326,Source_Img_1326,Target_Img_1326,Black,Male,1,0.76065287 +1327,Source_Img_1327,Target_Img_1327,Black,Male,1,0.8282545 +1328,Source_Img_1328,Target_Img_1328,Black,Male,0,0.0372839 +1329,Source_Img_1329,Target_Img_1329,Black,Male,0,0.18078569 +1330,Source_Img_1330,Target_Img_1330,Black,Male,0,0.1264799 +1331,Source_Img_1331,Target_Img_1331,Black,Male,1,0.80431116 +1332,Source_Img_1332,Target_Img_1332,Black,Male,1,0.6298461 +1333,Source_Img_1333,Target_Img_1333,Black,Male,0,0.16475495 +1334,Source_Img_1334,Target_Img_1334,Black,Male,1,0.79910424 +1335,Source_Img_1335,Target_Img_1335,Black,Male,1,0.6923641 +1336,Source_Img_1336,Target_Img_1336,Black,Male,1,0.6895812 +1337,Source_Img_1337,Target_Img_1337,Black,Male,1,0.7154836 +1338,Source_Img_1338,Target_Img_1338,Black,Male,0,0.01579964 +1339,Source_Img_1339,Target_Img_1339,Black,Male,1,0.67235817 +1340,Source_Img_1340,Target_Img_1340,Black,Male,0,0.10206926 +1341,Source_Img_1341,Target_Img_1341,Black,Male,0,0.16779239 +1342,Source_Img_1342,Target_Img_1342,Black,Male,0,0.1625734 +1343,Source_Img_1343,Target_Img_1343,Black,Male,1,0.99350077 +1344,Source_Img_1344,Target_Img_1344,Black,Male,0,0.03308165 +1345,Source_Img_1345,Target_Img_1345,Black,Male,1,0.9341349 +1346,Source_Img_1346,Target_Img_1346,Black,Male,1,0.7652199 +1347,Source_Img_1347,Target_Img_1347,Black,Male,1,0.8968445 +1348,Source_Img_1348,Target_Img_1348,Black,Male,0,0.124879265 +1349,Source_Img_1349,Target_Img_1349,Black,Male,1,0.8526889 +1350,Source_Img_1350,Target_Img_1350,Black,Male,1,0.6157369 +1351,Source_Img_1351,Target_Img_1351,Black,Male,1,0.8103686 +1352,Source_Img_1352,Target_Img_1352,Black,Male,1,0.72515035 +1353,Source_Img_1353,Target_Img_1353,Black,Male,0,0.159734366 +1354,Source_Img_1354,Target_Img_1354,Black,Male,1,0.73138877 +1355,Source_Img_1355,Target_Img_1355,Black,Male,1,1 +1356,Source_Img_1356,Target_Img_1356,Black,Male,1,0.911 +1357,Source_Img_1357,Target_Img_1357,Black,Male,0,0.15304719 +1358,Source_Img_1358,Target_Img_1358,Black,Male,1,0.96832753 +1359,Source_Img_1359,Target_Img_1359,Black,Male,1,0.8697766 +1360,Source_Img_1360,Target_Img_1360,Black,Male,1,1 +1361,Source_Img_1361,Target_Img_1361,Black,Male,0,0.16245158 +1362,Source_Img_1362,Target_Img_1362,Black,Male,0,0.008544504 +1363,Source_Img_1363,Target_Img_1363,Black,Male,1,0.64530244 +1364,Source_Img_1364,Target_Img_1364,Black,Male,0,0.073186385 +1365,Source_Img_1365,Target_Img_1365,Black,Male,1,0.76708577 +1366,Source_Img_1366,Target_Img_1366,Black,Male,1,0.6206891 +1367,Source_Img_1367,Target_Img_1367,Black,Male,1,0.70874484 +1368,Source_Img_1368,Target_Img_1368,Black,Male,1,0.7193117 +1369,Source_Img_1369,Target_Img_1369,Black,Male,0,0.1419294 +1370,Source_Img_1370,Target_Img_1370,Black,Male,1,0.81336605 +1371,Source_Img_1371,Target_Img_1371,Black,Male,0,0.02048448 +1372,Source_Img_1372,Target_Img_1372,Black,Male,0,0.08956486 +1373,Source_Img_1373,Target_Img_1373,Black,Male,1,0.9286515 +1374,Source_Img_1374,Target_Img_1374,Black,Male,1,0.8704797 +1375,Source_Img_1375,Target_Img_1375,Black,Male,1,0.98060915 +1376,Source_Img_1376,Target_Img_1376,Black,Male,0,0.01506485 +1377,Source_Img_1377,Target_Img_1377,Black,Male,1,0.91926315 +1378,Source_Img_1378,Target_Img_1378,Black,Male,0,0.02654555 +1379,Source_Img_1379,Target_Img_1379,Black,Male,1,0.76319117 +1380,Source_Img_1380,Target_Img_1380,Black,Male,1,0.7553936 +1381,Source_Img_1381,Target_Img_1381,Black,Male,1,0.81346054 +1382,Source_Img_1382,Target_Img_1382,Black,Male,0,0.11315798 +1383,Source_Img_1383,Target_Img_1383,Black,Male,0,0.0229026 +1384,Source_Img_1384,Target_Img_1384,Black,Male,1,0.76561426 +1385,Source_Img_1385,Target_Img_1385,Black,Male,0,0.11874748 +1386,Source_Img_1386,Target_Img_1386,Black,Male,0,0.09209538 +1387,Source_Img_1387,Target_Img_1387,Black,Male,1,0.7123546 +1388,Source_Img_1388,Target_Img_1388,Black,Male,0,0.13515874 +1389,Source_Img_1389,Target_Img_1389,Black,Male,0,0.05635719 +1390,Source_Img_1390,Target_Img_1390,Black,Male,1,0.8292055 +1391,Source_Img_1391,Target_Img_1391,Black,Male,1,0.79966116 +1392,Source_Img_1392,Target_Img_1392,Black,Male,0,0.13318325 +1393,Source_Img_1393,Target_Img_1393,Black,Male,1,0.8954603 +1394,Source_Img_1394,Target_Img_1394,Black,Male,1,0.6813884 +1395,Source_Img_1395,Target_Img_1395,Black,Male,0,0.08581412 +1396,Source_Img_1396,Target_Img_1396,Black,Male,1,0.6876184 +1397,Source_Img_1397,Target_Img_1397,Black,Male,0,0.13392055 +1398,Source_Img_1398,Target_Img_1398,Black,Male,0,0.1831463 +1399,Source_Img_1399,Target_Img_1399,Black,Male,1,0.9001732 +1400,Source_Img_1400,Target_Img_1400,Black,Male,1,0.5239783 +1401,Source_Img_1401,Target_Img_1401,Black,Male,0,0.058964705 +1402,Source_Img_1402,Target_Img_1402,Black,Male,1,0.7747421 +1403,Source_Img_1403,Target_Img_1403,Black,Male,0,0.1091845 +1404,Source_Img_1404,Target_Img_1404,Black,Male,1,0.76701657 +1405,Source_Img_1405,Target_Img_1405,Black,Male,0,0 +1406,Source_Img_1406,Target_Img_1406,Black,Male,1,0.62365136 +1407,Source_Img_1407,Target_Img_1407,Black,Male,0,0.093844486 +1408,Source_Img_1408,Target_Img_1408,Black,Male,1,0.77182515 +1409,Source_Img_1409,Target_Img_1409,Black,Male,0,0.13301667 +1410,Source_Img_1410,Target_Img_1410,Black,Male,1,0.80704616 +1411,Source_Img_1411,Target_Img_1411,Black,Male,0,0.183110795 +1412,Source_Img_1412,Target_Img_1412,Black,Male,1,1 +1413,Source_Img_1413,Target_Img_1413,Black,Male,1,0.9098375 +1414,Source_Img_1414,Target_Img_1414,Black,Male,0,0.10731694 +1415,Source_Img_1415,Target_Img_1415,Black,Male,0,0.13641013 +1416,Source_Img_1416,Target_Img_1416,Black,Male,1,0.74428215 +1417,Source_Img_1417,Target_Img_1417,Black,Male,1,0.922 +1418,Source_Img_1418,Target_Img_1418,Black,Male,1,0.7899888 +1419,Source_Img_1419,Target_Img_1419,Black,Male,0,0.03357012 +1420,Source_Img_1420,Target_Img_1420,Black,Male,1,0.93327626 +1421,Source_Img_1421,Target_Img_1421,Black,Male,0,0.106694925 +1422,Source_Img_1422,Target_Img_1422,Black,Male,1,0.8130305 +1423,Source_Img_1423,Target_Img_1423,Black,Male,0,0.02031521 +1424,Source_Img_1424,Target_Img_1424,Black,Male,1,0.731231 +1425,Source_Img_1425,Target_Img_1425,Black,Male,1,1 +1426,Source_Img_1426,Target_Img_1426,Black,Male,0,0 +1427,Source_Img_1427,Target_Img_1427,Black,Male,0,0.16542441 +1428,Source_Img_1428,Target_Img_1428,Black,Male,1,0.97 +1429,Source_Img_1429,Target_Img_1429,Black,Male,0,0.08997142 +1430,Source_Img_1430,Target_Img_1430,Black,Male,0,0.10525829 +1431,Source_Img_1431,Target_Img_1431,Black,Male,1,0.96302636 +1432,Source_Img_1432,Target_Img_1432,Black,Male,0,0.12305725 +1433,Source_Img_1433,Target_Img_1433,Black,Male,0,0.068967135 +1434,Source_Img_1434,Target_Img_1434,Black,Male,0,0.0441276 +1435,Source_Img_1435,Target_Img_1435,Black,Male,1,0.7082181 +1436,Source_Img_1436,Target_Img_1436,Black,Male,0,0.19638364 +1437,Source_Img_1437,Target_Img_1437,Black,Male,1,0.72367227 +1438,Source_Img_1438,Target_Img_1438,Black,Male,0,0.13354356 +1439,Source_Img_1439,Target_Img_1439,Black,Male,1,0.7662618 +1440,Source_Img_1440,Target_Img_1440,Black,Male,0,0.15015356 +1441,Source_Img_1441,Target_Img_1441,Black,Male,1,1 +1442,Source_Img_1442,Target_Img_1442,Black,Male,0,0.167806974 +1443,Source_Img_1443,Target_Img_1443,Black,Male,0,0.09026144 +1444,Source_Img_1444,Target_Img_1444,Black,Male,1,1 +1445,Source_Img_1445,Target_Img_1445,Black,Male,0,0.16065274 +1446,Source_Img_1446,Target_Img_1446,Black,Male,0,0.080594794 +1447,Source_Img_1447,Target_Img_1447,Black,Male,1,0.7348145 +1448,Source_Img_1448,Target_Img_1448,Black,Male,1,0.8410207 +1449,Source_Img_1449,Target_Img_1449,Black,Male,1,0.8584992 +1450,Source_Img_1450,Target_Img_1450,Black,Male,0,0.082005 +1451,Source_Img_1451,Target_Img_1451,Black,Male,1,0.9141575 +1452,Source_Img_1452,Target_Img_1452,Black,Male,0,0.19629853 +1453,Source_Img_1453,Target_Img_1453,Black,Male,1,0.76711266 +1454,Source_Img_1454,Target_Img_1454,Black,Male,0,0.06243379 +1455,Source_Img_1455,Target_Img_1455,Black,Male,1,0.72578865 +1456,Source_Img_1456,Target_Img_1456,Black,Male,0,0.06746629 +1457,Source_Img_1457,Target_Img_1457,Black,Male,1,0.77603224 +1458,Source_Img_1458,Target_Img_1458,Black,Male,1,0.6389766 +1459,Source_Img_1459,Target_Img_1459,Black,Male,0,0.00818971 +1460,Source_Img_1460,Target_Img_1460,Black,Male,0,0.14015136 +1461,Source_Img_1461,Target_Img_1461,Black,Male,1,0.7394468 +1462,Source_Img_1462,Target_Img_1462,Black,Male,1,0.74506767 +1463,Source_Img_1463,Target_Img_1463,Black,Male,0,0.15717256 +1464,Source_Img_1464,Target_Img_1464,Black,Male,0,0.04497229 +1465,Source_Img_1465,Target_Img_1465,Black,Male,1,0.6603806 +1466,Source_Img_1466,Target_Img_1466,Black,Male,0,0.037840135 +1467,Source_Img_1467,Target_Img_1467,Black,Male,1,0.80730546 +1468,Source_Img_1468,Target_Img_1468,Black,Male,1,0.75063025 +1469,Source_Img_1469,Target_Img_1469,Black,Male,0,0.0479455 +1470,Source_Img_1470,Target_Img_1470,Black,Male,0,0.07762228 +1471,Source_Img_1471,Target_Img_1471,Black,Male,1,0.68568775 +1472,Source_Img_1472,Target_Img_1472,Black,Male,1,0.76228687 +1473,Source_Img_1473,Target_Img_1473,Black,Male,1,0.8449027 +1474,Source_Img_1474,Target_Img_1474,Black,Male,0,0.03955451 +1475,Source_Img_1475,Target_Img_1475,Black,Male,1,0.73325243 +1476,Source_Img_1476,Target_Img_1476,Black,Male,0,0.12755796 +1477,Source_Img_1477,Target_Img_1477,Black,Male,1,0.7934175 +1478,Source_Img_1478,Target_Img_1478,Black,Male,1,0.73019104 +1479,Source_Img_1479,Target_Img_1479,Black,Male,1,0.91292554 +1480,Source_Img_1480,Target_Img_1480,Black,Male,0,0.17244082 +1481,Source_Img_1481,Target_Img_1481,Black,Male,1,0.73417315 +1482,Source_Img_1482,Target_Img_1482,Black,Male,1,0.75586353 +1483,Source_Img_1483,Target_Img_1483,Black,Male,0,0.07076509 +1484,Source_Img_1484,Target_Img_1484,Black,Male,0,0.0462642 +1485,Source_Img_1485,Target_Img_1485,Black,Male,1,0.6725848 +1486,Source_Img_1486,Target_Img_1486,Black,Male,0,0.18001496 +1487,Source_Img_1487,Target_Img_1487,Black,Male,1,0.9704139 +1488,Source_Img_1488,Target_Img_1488,Black,Male,1,0.9602003 +1489,Source_Img_1489,Target_Img_1489,Black,Male,1,0.65195594 +1490,Source_Img_1490,Target_Img_1490,Black,Male,1,0.7243511 +1491,Source_Img_1491,Target_Img_1491,Black,Male,0,0.039739776 +1492,Source_Img_1492,Target_Img_1492,Black,Male,1,0.6992161 +1493,Source_Img_1493,Target_Img_1493,Black,Male,0,0.16740104 +1494,Source_Img_1494,Target_Img_1494,Black,Male,1,0.906452 +1495,Source_Img_1495,Target_Img_1495,Black,Male,0,0 +1496,Source_Img_1496,Target_Img_1496,Black,Male,0,0.184686265 +1497,Source_Img_1497,Target_Img_1497,Black,Male,1,0.71386896 +1498,Source_Img_1498,Target_Img_1498,Black,Male,0,0.13836683 +1499,Source_Img_1499,Target_Img_1499,Black,Male,1,0.69667 +1500,Source_Img_1500,Target_Img_1500,Black,Male,0,0.04940883 +1501,Source_Img_1501,Target_Img_1501,Black,Male,1,1 +1502,Source_Img_1502,Target_Img_1502,Black,Male,1,0.70026556 +1503,Source_Img_1503,Target_Img_1503,Black,Male,1,0.761434 +1504,Source_Img_1504,Target_Img_1504,Black,Male,0,0.19355756 +1505,Source_Img_1505,Target_Img_1505,Black,Male,0,0.185269846 +1506,Source_Img_1506,Target_Img_1506,Black,Male,1,0.88852947 +1507,Source_Img_1507,Target_Img_1507,Black,Male,1,0.6801783 +1508,Source_Img_1508,Target_Img_1508,Black,Male,1,0.75141185 +1509,Source_Img_1509,Target_Img_1509,Black,Male,0,0.07575415 +1510,Source_Img_1510,Target_Img_1510,Black,Male,0,0.20663755 +1511,Source_Img_1511,Target_Img_1511,Black,Male,1,0.97999683 +1512,Source_Img_1512,Target_Img_1512,Black,Male,0,0.05869922 +1513,Source_Img_1513,Target_Img_1513,Black,Male,1,0.5457243 +1514,Source_Img_1514,Target_Img_1514,Black,Male,0,0.124295616 +1515,Source_Img_1515,Target_Img_1515,Black,Male,1,0.76312195 +1516,Source_Img_1516,Target_Img_1516,Black,Male,0,0.0470446 +1517,Source_Img_1517,Target_Img_1517,Black,Male,1,0.7520571 +1518,Source_Img_1518,Target_Img_1518,Black,Male,0,0.105458675 +1519,Source_Img_1519,Target_Img_1519,Black,Male,0,0.14129118 +1520,Source_Img_1520,Target_Img_1520,Black,Male,1,0.8795069 +1521,Source_Img_1521,Target_Img_1521,Black,Male,1,0.9433043 +1522,Source_Img_1522,Target_Img_1522,Black,Male,0,0.092281126 +1523,Source_Img_1523,Target_Img_1523,Black,Male,1,0.8034257 +1524,Source_Img_1524,Target_Img_1524,Black,Male,0,0.041058375 +1525,Source_Img_1525,Target_Img_1525,Black,Male,1,0.9813594 +1526,Source_Img_1526,Target_Img_1526,Black,Male,1,0.75901444 +1527,Source_Img_1527,Target_Img_1527,Black,Male,1,0.8012553 +1528,Source_Img_1528,Target_Img_1528,Black,Male,0,0.20191589 +1529,Source_Img_1529,Target_Img_1529,Black,Male,1,0.84446245 +1530,Source_Img_1530,Target_Img_1530,Black,Male,1,0.82535424 +1531,Source_Img_1531,Target_Img_1531,Black,Male,1,0.7924767 +1532,Source_Img_1532,Target_Img_1532,Black,Male,1,0.996 +1533,Source_Img_1533,Target_Img_1533,Black,Male,0,0.149280056 +1534,Source_Img_1534,Target_Img_1534,Black,Male,1,0.79149726 +1535,Source_Img_1535,Target_Img_1535,Black,Male,1,0.866934 +1536,Source_Img_1536,Target_Img_1536,Black,Male,1,0.926 +1537,Source_Img_1537,Target_Img_1537,Black,Male,0,0.04736688 +1538,Source_Img_1538,Target_Img_1538,Black,Male,1,0.54276587 +1539,Source_Img_1539,Target_Img_1539,Black,Male,0,0.02448524 +1540,Source_Img_1540,Target_Img_1540,Black,Male,1,0.9661881 +1541,Source_Img_1541,Target_Img_1541,Black,Male,1,0.8953878 +1542,Source_Img_1542,Target_Img_1542,Black,Male,1,0.6893216 +1543,Source_Img_1543,Target_Img_1543,Black,Male,0,0.121461454 +1544,Source_Img_1544,Target_Img_1544,Black,Male,0,0.072199535 +1545,Source_Img_1545,Target_Img_1545,Black,Male,0,0.04278027 +1546,Source_Img_1546,Target_Img_1546,Black,Male,1,0.80441574 +1547,Source_Img_1547,Target_Img_1547,Black,Male,0,0.17803052 +1548,Source_Img_1548,Target_Img_1548,Black,Male,1,0.73622986 +1549,Source_Img_1549,Target_Img_1549,Black,Male,0,0.058331666 +1550,Source_Img_1550,Target_Img_1550,Black,Male,1,0.7469843 +1551,Source_Img_1551,Target_Img_1551,Black,Male,0,0.1554938 +1552,Source_Img_1552,Target_Img_1552,Black,Male,0,0.01091639 +1553,Source_Img_1553,Target_Img_1553,Black,Male,0,0.05470074 +1554,Source_Img_1554,Target_Img_1554,Black,Male,1,0.7900048 +1555,Source_Img_1555,Target_Img_1555,Black,Male,0,0.03821707 +1556,Source_Img_1556,Target_Img_1556,Black,Male,1,0.71513827 +1557,Source_Img_1557,Target_Img_1557,Black,Male,0,0.121332726 +1558,Source_Img_1558,Target_Img_1558,Black,Male,1,0.95334445 +1559,Source_Img_1559,Target_Img_1559,Black,Male,0,0.130360514 +1560,Source_Img_1560,Target_Img_1560,Black,Male,1,0.791065 +1561,Source_Img_1561,Target_Img_1561,Black,Male,0,0 +1562,Source_Img_1562,Target_Img_1562,Black,Male,0,0.04813837 +1563,Source_Img_1563,Target_Img_1563,Black,Male,1,0.77636474 +1564,Source_Img_1564,Target_Img_1564,Black,Male,1,0.96703504 +1565,Source_Img_1565,Target_Img_1565,Black,Male,0,0.16131809 +1566,Source_Img_1566,Target_Img_1566,Black,Male,0,0.064546075 +1567,Source_Img_1567,Target_Img_1567,Black,Male,0,0.05291837 +1568,Source_Img_1568,Target_Img_1568,Black,Male,1,0.92714186 +1569,Source_Img_1569,Target_Img_1569,Black,Male,0,0.0935705 +1570,Source_Img_1570,Target_Img_1570,Black,Male,1,0.7188389 +1571,Source_Img_1571,Target_Img_1571,Black,Male,0,0.09875138 +1572,Source_Img_1572,Target_Img_1572,Black,Male,1,0.6623106 +1573,Source_Img_1573,Target_Img_1573,Black,Male,0,0.20367748 +1574,Source_Img_1574,Target_Img_1574,Black,Male,1,0.836305 +1575,Source_Img_1575,Target_Img_1575,Black,Male,0,0.00787175 +1576,Source_Img_1576,Target_Img_1576,Black,Male,1,0.8421908 +1577,Source_Img_1577,Target_Img_1577,Black,Male,1,0.7196012 +1578,Source_Img_1578,Target_Img_1578,Black,Male,0,0.067304064 +1579,Source_Img_1579,Target_Img_1579,Black,Male,1,0.93094385 +1580,Source_Img_1580,Target_Img_1580,Black,Male,0,0.08109742 +1581,Source_Img_1581,Target_Img_1581,Black,Male,1,0.88065247 +1582,Source_Img_1582,Target_Img_1582,Black,Male,0,0.08820676 +1583,Source_Img_1583,Target_Img_1583,Black,Male,0,0.129768964 +1584,Source_Img_1584,Target_Img_1584,Black,Male,1,0.6218431 +1585,Source_Img_1585,Target_Img_1585,Black,Male,1,0.8694982 +1586,Source_Img_1586,Target_Img_1586,Black,Male,1,0.81849197 +1587,Source_Img_1587,Target_Img_1587,Black,Male,0,0.074759886 +1588,Source_Img_1588,Target_Img_1588,Black,Male,1,0.9247122 +1589,Source_Img_1589,Target_Img_1589,Black,Male,0,0.120638494 +1590,Source_Img_1590,Target_Img_1590,Black,Male,1,0.59801343 +1591,Source_Img_1591,Target_Img_1591,Black,Male,0,0.13679717 +1592,Source_Img_1592,Target_Img_1592,Black,Male,0,0.0613954 +1593,Source_Img_1593,Target_Img_1593,Black,Male,0,0.10538563 +1594,Source_Img_1594,Target_Img_1594,Black,Male,1,0.70761475 +1595,Source_Img_1595,Target_Img_1595,Black,Male,0,0.046093915 +1596,Source_Img_1596,Target_Img_1596,Black,Male,0,0.05990674 +1597,Source_Img_1597,Target_Img_1597,Black,Male,1,0.8873163 +1598,Source_Img_1598,Target_Img_1598,Black,Male,0,0.05381917 +1599,Source_Img_1599,Target_Img_1599,Black,Male,0,0.129784856 +1600,Source_Img_1600,Target_Img_1600,Black,Male,1,0.9242504 +1601,Source_Img_1601,Target_Img_1601,Black,Male,0,0.07354962 +1602,Source_Img_1602,Target_Img_1602,Black,Male,1,0.8560483 +1603,Source_Img_1603,Target_Img_1603,Black,Male,0,0.02130138 +1604,Source_Img_1604,Target_Img_1604,Black,Male,0,0.09649297 +1605,Source_Img_1605,Target_Img_1605,Black,Male,1,0.70011915 +1606,Source_Img_1606,Target_Img_1606,Black,Male,1,0.8244991 +1607,Source_Img_1607,Target_Img_1607,Black,Male,0,0.162639276 +1608,Source_Img_1608,Target_Img_1608,Black,Male,1,0.8638082 +1609,Source_Img_1609,Target_Img_1609,Black,Male,0,0.139813735 +1610,Source_Img_1610,Target_Img_1610,Black,Male,1,0.7976239 +1611,Source_Img_1611,Target_Img_1611,Black,Male,1,0.8829186 +1612,Source_Img_1612,Target_Img_1612,Black,Male,0,0.0369257 +1613,Source_Img_1613,Target_Img_1613,Black,Male,0,0.068443376 +1614,Source_Img_1614,Target_Img_1614,Black,Male,0,0.192295714 +1615,Source_Img_1615,Target_Img_1615,Black,Male,1,0.952 +1616,Source_Img_1616,Target_Img_1616,Black,Male,0,0.22147153 +1617,Source_Img_1617,Target_Img_1617,Black,Male,0,0.12015347 +1618,Source_Img_1618,Target_Img_1618,Black,Male,0,0.07602682 +1619,Source_Img_1619,Target_Img_1619,Black,Male,1,0.790082 +1620,Source_Img_1620,Target_Img_1620,Black,Male,0,0.18811569 +1621,Source_Img_1621,Target_Img_1621,Black,Male,1,0.75172234 +1622,Source_Img_1622,Target_Img_1622,Black,Male,0,0.134587945 +1623,Source_Img_1623,Target_Img_1623,Black,Male,1,0.92195596 +1624,Source_Img_1624,Target_Img_1624,Black,Male,0,0.04594604 +1625,Source_Img_1625,Target_Img_1625,Black,Male,1,0.84317437 +1626,Source_Img_1626,Target_Img_1626,Black,Male,0,0.12586457 +1627,Source_Img_1627,Target_Img_1627,Black,Male,0,0.14139093 +1628,Source_Img_1628,Target_Img_1628,Black,Male,1,0.7680085 +1629,Source_Img_1629,Target_Img_1629,Black,Male,0,0.17655543 +1630,Source_Img_1630,Target_Img_1630,Black,Male,1,0.76487 +1631,Source_Img_1631,Target_Img_1631,Black,Male,0,0.17153345 +1632,Source_Img_1632,Target_Img_1632,Black,Male,0,0.162942025 +1633,Source_Img_1633,Target_Img_1633,Black,Male,1,0.62954303 +1634,Source_Img_1634,Target_Img_1634,Black,Male,0,0.17247901 +1635,Source_Img_1635,Target_Img_1635,Black,Male,1,1 +1636,Source_Img_1636,Target_Img_1636,Black,Male,0,0.07446854 +1637,Source_Img_1637,Target_Img_1637,Black,Male,0,0.09451395 +1638,Source_Img_1638,Target_Img_1638,Black,Male,1,0.8783609 +1639,Source_Img_1639,Target_Img_1639,Black,Male,1,0.7219275 +1640,Source_Img_1640,Target_Img_1640,Black,Male,1,0.8656623 +1641,Source_Img_1641,Target_Img_1641,Black,Male,1,0.8546012 +1642,Source_Img_1642,Target_Img_1642,Black,Male,1,0.5884056 +1643,Source_Img_1643,Target_Img_1643,Black,Male,0,0.1106349 +1644,Source_Img_1644,Target_Img_1644,Black,Male,0,0.0141385 +1645,Source_Img_1645,Target_Img_1645,Black,Male,1,0.7095971 +1646,Source_Img_1646,Target_Img_1646,Black,Male,0,0.1165586 +1647,Source_Img_1647,Target_Img_1647,Black,Male,1,0.69136395 +1648,Source_Img_1648,Target_Img_1648,Black,Male,1,0.86689234 +1649,Source_Img_1649,Target_Img_1649,Black,Male,1,0.9067017 +1650,Source_Img_1650,Target_Img_1650,Black,Male,0,0.05840741 +1651,Source_Img_1651,Target_Img_1651,Black,Male,1,0.88364335 +1652,Source_Img_1652,Target_Img_1652,Black,Male,1,1 +1653,Source_Img_1653,Target_Img_1653,Black,Male,1,0.95011863 +1654,Source_Img_1654,Target_Img_1654,Black,Male,0,0.19501575 +1655,Source_Img_1655,Target_Img_1655,Black,Male,0,0 +1656,Source_Img_1656,Target_Img_1656,Black,Male,1,0.9643733 +1657,Source_Img_1657,Target_Img_1657,Black,Male,0,0.046257786 +1658,Source_Img_1658,Target_Img_1658,Black,Male,1,0.81581824 +1659,Source_Img_1659,Target_Img_1659,Black,Male,1,0.8142058 +1660,Source_Img_1660,Target_Img_1660,Black,Male,1,0.93739585 +1661,Source_Img_1661,Target_Img_1661,Black,Male,1,0.9331346 +1662,Source_Img_1662,Target_Img_1662,Black,Male,1,0.88746325 +1663,Source_Img_1663,Target_Img_1663,Black,Male,0,0.14035879 +1664,Source_Img_1664,Target_Img_1664,Black,Male,1,0.9465331 +1665,Source_Img_1665,Target_Img_1665,Black,Male,0,0.09735315 +1666,Source_Img_1666,Target_Img_1666,Black,Male,1,0.8262815 +1667,Source_Img_1667,Target_Img_1667,Black,Male,0,0.0421727 +1668,Source_Img_1668,Target_Img_1668,Black,Male,0,0.038509325 +1669,Source_Img_1669,Target_Img_1669,Black,Male,1,0.7078183 +1670,Source_Img_1670,Target_Img_1670,Black,Male,0,0.18682673 +1671,Source_Img_1671,Target_Img_1671,Black,Male,0,0.15034155 +1672,Source_Img_1672,Target_Img_1672,Black,Male,1,0.91277217 +1673,Source_Img_1673,Target_Img_1673,Black,Male,0,0.17513618 +1674,Source_Img_1674,Target_Img_1674,Black,Male,0,0.06197472 +1675,Source_Img_1675,Target_Img_1675,Black,Male,1,0.72440187 +1676,Source_Img_1676,Target_Img_1676,Black,Male,0,0.31613571 +1677,Source_Img_1677,Target_Img_1677,Black,Male,0,0.0113555 +1678,Source_Img_1678,Target_Img_1678,Black,Male,1,0.8399791 +1679,Source_Img_1679,Target_Img_1679,Black,Male,0,0.03676743 +1680,Source_Img_1680,Target_Img_1680,Black,Male,1,0.7770899 +1681,Source_Img_1681,Target_Img_1681,Black,Male,0,0.01388764 +1682,Source_Img_1682,Target_Img_1682,Black,Male,1,1 +1683,Source_Img_1683,Target_Img_1683,Black,Male,0,0.02948583 +1684,Source_Img_1684,Target_Img_1684,Black,Male,1,0.8407524 +1685,Source_Img_1685,Target_Img_1685,Black,Male,0,0.28783443 +1686,Source_Img_1686,Target_Img_1686,Black,Male,1,0.86350076 +1687,Source_Img_1687,Target_Img_1687,Black,Male,0,0.16721269 +1688,Source_Img_1688,Target_Img_1688,Black,Male,0,0.009168876 +1689,Source_Img_1689,Target_Img_1689,Black,Male,1,0.846792 +1690,Source_Img_1690,Target_Img_1690,Black,Male,0,0.05765234 +1691,Source_Img_1691,Target_Img_1691,Black,Male,0,0.101832314 +1692,Source_Img_1692,Target_Img_1692,Black,Male,0,0.173010005 +1693,Source_Img_1693,Target_Img_1693,Black,Male,1,0.7506766 +1694,Source_Img_1694,Target_Img_1694,Black,Male,1,0.761255 +1695,Source_Img_1695,Target_Img_1695,Black,Male,1,0.78961954 +1696,Source_Img_1696,Target_Img_1696,Black,Male,0,0.14590952 +1697,Source_Img_1697,Target_Img_1697,Black,Male,1,0.84809846 +1698,Source_Img_1698,Target_Img_1698,Black,Male,0,0.04270435 +1699,Source_Img_1699,Target_Img_1699,Black,Male,0,0.150869085 +1700,Source_Img_1700,Target_Img_1700,Black,Male,1,0.7287625 +1701,Source_Img_1701,Target_Img_1701,Black,Male,1,0.7178174 +1702,Source_Img_1702,Target_Img_1702,Black,Male,0,0.10623071 +1703,Source_Img_1703,Target_Img_1703,Black,Male,1,0.74192944 +1704,Source_Img_1704,Target_Img_1704,Black,Male,0,0.170550184 +1705,Source_Img_1705,Target_Img_1705,Black,Male,1,0.94182026 +1706,Source_Img_1706,Target_Img_1706,Black,Male,0,0.00806097 +1707,Source_Img_1707,Target_Img_1707,Black,Male,1,0.74703924 +1708,Source_Img_1708,Target_Img_1708,Black,Male,1,0.8879133 +1709,Source_Img_1709,Target_Img_1709,Black,Male,0,0.10660493 +1710,Source_Img_1710,Target_Img_1710,Black,Male,0,0.18759179 +1711,Source_Img_1711,Target_Img_1711,Black,Male,1,0.8221561 +1712,Source_Img_1712,Target_Img_1712,Black,Male,1,0.87496394 +1713,Source_Img_1713,Target_Img_1713,Black,Male,1,0.8282727 +1714,Source_Img_1714,Target_Img_1714,Black,Male,1,0.87133345 +1715,Source_Img_1715,Target_Img_1715,Black,Male,1,0.6786625 +1716,Source_Img_1716,Target_Img_1716,Black,Male,0,0.14426604 +1717,Source_Img_1717,Target_Img_1717,Black,Male,1,0.71150853 +1718,Source_Img_1718,Target_Img_1718,Black,Male,1,0.72964817 +1719,Source_Img_1719,Target_Img_1719,Black,Male,0,0.165387204 +1720,Source_Img_1720,Target_Img_1720,Black,Male,0,0.102628515 +1721,Source_Img_1721,Target_Img_1721,Black,Male,0,0.13074377 +1722,Source_Img_1722,Target_Img_1722,Black,Male,1,0.7986554 +1723,Source_Img_1723,Target_Img_1723,Black,Male,1,0.8149013 +1724,Source_Img_1724,Target_Img_1724,Black,Male,0,0.120229964 +1725,Source_Img_1725,Target_Img_1725,Black,Male,1,0.8744901 +1726,Source_Img_1726,Target_Img_1726,Black,Male,0,0.047838036 +1727,Source_Img_1727,Target_Img_1727,Black,Male,1,0.915 +1728,Source_Img_1728,Target_Img_1728,Black,Male,0,0.09192905 +1729,Source_Img_1729,Target_Img_1729,Black,Male,1,0.5586656 +1730,Source_Img_1730,Target_Img_1730,Black,Male,0,0.0854833 +1731,Source_Img_1731,Target_Img_1731,Black,Male,1,0.7763157 +1732,Source_Img_1732,Target_Img_1732,Black,Male,0,0.07599448 +1733,Source_Img_1733,Target_Img_1733,Black,Male,0,0.11685748 +1734,Source_Img_1734,Target_Img_1734,Black,Male,1,0.99511476 +1735,Source_Img_1735,Target_Img_1735,Black,Male,0,0.04025158 +1736,Source_Img_1736,Target_Img_1736,Black,Male,1,0.9211368 +1737,Source_Img_1737,Target_Img_1737,Black,Male,0,0.12138371 +1738,Source_Img_1738,Target_Img_1738,Black,Male,1,0.7655042 +1739,Source_Img_1739,Target_Img_1739,Black,Male,1,0.7062665 +1740,Source_Img_1740,Target_Img_1740,Black,Male,0,0.01636069 +1741,Source_Img_1741,Target_Img_1741,Black,Male,1,0.648262 +1742,Source_Img_1742,Target_Img_1742,Black,Male,1,0.937 +1743,Source_Img_1743,Target_Img_1743,Black,Male,0,0.08991309 +1744,Source_Img_1744,Target_Img_1744,Black,Male,1,0.61786305 +1745,Source_Img_1745,Target_Img_1745,Black,Male,1,0.93124366 +1746,Source_Img_1746,Target_Img_1746,Black,Male,0,0.00258416 +1747,Source_Img_1747,Target_Img_1747,Black,Male,1,0.68826484 +1748,Source_Img_1748,Target_Img_1748,Black,Male,0,0.03697285 +1749,Source_Img_1749,Target_Img_1749,Black,Male,0,0.03435297 +1750,Source_Img_1750,Target_Img_1750,Black,Male,1,0.8309399 +1751,Source_Img_1751,Target_Img_1751,Black,Male,0,0.11406397 +1752,Source_Img_1752,Target_Img_1752,Black,Male,1,1 +1753,Source_Img_1753,Target_Img_1753,Black,Male,1,0.6919821 +1754,Source_Img_1754,Target_Img_1754,Black,Male,0,0.096941094 +1755,Source_Img_1755,Target_Img_1755,Black,Male,1,0.7125626 +1756,Source_Img_1756,Target_Img_1756,Black,Male,1,0.85294966 +1757,Source_Img_1757,Target_Img_1757,Black,Male,1,0.9483531 +1758,Source_Img_1758,Target_Img_1758,Black,Male,0,0.0105784 +1759,Source_Img_1759,Target_Img_1759,Black,Male,0,0.05257166 +1760,Source_Img_1760,Target_Img_1760,Black,Male,1,0.7728945 +1761,Source_Img_1761,Target_Img_1761,Black,Male,0,0.062370004 +1762,Source_Img_1762,Target_Img_1762,Black,Male,1,0.8110923 +1763,Source_Img_1763,Target_Img_1763,Black,Male,0,0.1527567 +1764,Source_Img_1764,Target_Img_1764,Black,Male,1,0.94177956 +1765,Source_Img_1765,Target_Img_1765,Black,Male,0,0.040121036 +1766,Source_Img_1766,Target_Img_1766,Black,Male,0,0.07490869 +1767,Source_Img_1767,Target_Img_1767,Black,Male,0,0.02065917 +1768,Source_Img_1768,Target_Img_1768,Black,Male,1,0.8834804 +1769,Source_Img_1769,Target_Img_1769,Black,Male,1,1 +1770,Source_Img_1770,Target_Img_1770,Black,Male,0,0.195329795 +1771,Source_Img_1771,Target_Img_1771,Black,Male,1,0.84451017 +1772,Source_Img_1772,Target_Img_1772,Black,Male,0,0.15306152 +1773,Source_Img_1773,Target_Img_1773,Black,Male,0,0.10544139 +1774,Source_Img_1774,Target_Img_1774,Black,Male,0,0.00982373 +1775,Source_Img_1775,Target_Img_1775,Black,Male,1,0.840928 +1776,Source_Img_1776,Target_Img_1776,Black,Male,1,0.8792617 +1777,Source_Img_1777,Target_Img_1777,Black,Male,0,0.3509245 +1778,Source_Img_1778,Target_Img_1778,Black,Male,1,1 +1779,Source_Img_1779,Target_Img_1779,Black,Male,0,0.00224912 +1780,Source_Img_1780,Target_Img_1780,Black,Male,1,0.6978038 +1781,Source_Img_1781,Target_Img_1781,Black,Male,0,0.10146119 +1782,Source_Img_1782,Target_Img_1782,Black,Male,0,0.12330996 +1783,Source_Img_1783,Target_Img_1783,Black,Male,1,0.7431691 +1784,Source_Img_1784,Target_Img_1784,Black,Male,0,0.07903824 +1785,Source_Img_1785,Target_Img_1785,Black,Male,1,0.84438025 +1786,Source_Img_1786,Target_Img_1786,Black,Male,0,0.05007012 +1787,Source_Img_1787,Target_Img_1787,Black,Male,1,0.81127217 +1788,Source_Img_1788,Target_Img_1788,Black,Male,0,0.00669796 +1789,Source_Img_1789,Target_Img_1789,Black,Male,0,0.071606635 +1790,Source_Img_1790,Target_Img_1790,Black,Male,1,0.8880989 +1791,Source_Img_1791,Target_Img_1791,Black,Male,0,0 +1792,Source_Img_1792,Target_Img_1792,Black,Male,1,0.7691455 +1793,Source_Img_1793,Target_Img_1793,Black,Male,0,0.10376152 +1794,Source_Img_1794,Target_Img_1794,Black,Male,0,0.22238559 +1795,Source_Img_1795,Target_Img_1795,Black,Male,1,0.7270232 +1796,Source_Img_1796,Target_Img_1796,Black,Male,0,0.0736886 +1797,Source_Img_1797,Target_Img_1797,Black,Male,1,0.72919585 +1798,Source_Img_1798,Target_Img_1798,Black,Male,1,0.8027747 +1799,Source_Img_1799,Target_Img_1799,Black,Male,1,1 +1800,Source_Img_1800,Target_Img_1800,Black,Male,0,0.09868515 +1801,Source_Img_1801,Target_Img_1801,Black,Male,1,0.79829945 +1802,Source_Img_1802,Target_Img_1802,Black,Male,1,0.8532108 +1803,Source_Img_1803,Target_Img_1803,Black,Male,1,0.8280973 +1804,Source_Img_1804,Target_Img_1804,Black,Male,0,0.168432315 +1805,Source_Img_1805,Target_Img_1805,Black,Male,1,0.7955175 +1806,Source_Img_1806,Target_Img_1806,Black,Male,0,0.12204719 +1807,Source_Img_1807,Target_Img_1807,Black,Male,0,0.03843913 +1808,Source_Img_1808,Target_Img_1808,Black,Male,1,0.86219126 +1809,Source_Img_1809,Target_Img_1809,Black,Male,0,0 +1810,Source_Img_1810,Target_Img_1810,Black,Male,1,0.939 +1811,Source_Img_1811,Target_Img_1811,Black,Male,1,0.8790839 +1812,Source_Img_1812,Target_Img_1812,Black,Male,1,0.77338465 +1813,Source_Img_1813,Target_Img_1813,Black,Male,0,0.07397218 +1814,Source_Img_1814,Target_Img_1814,Black,Male,1,0.91883816 +1815,Source_Img_1815,Target_Img_1815,Black,Male,0,0.01293311 +1816,Source_Img_1816,Target_Img_1816,Black,Male,0,0.123559075 +1817,Source_Img_1817,Target_Img_1817,Black,Male,1,1 +1818,Source_Img_1818,Target_Img_1818,Black,Male,1,0.933279 +1819,Source_Img_1819,Target_Img_1819,Black,Male,0,0.102991315 +1820,Source_Img_1820,Target_Img_1820,Black,Male,1,0.8536618 +1821,Source_Img_1821,Target_Img_1821,Black,Male,1,0.6478065 +1822,Source_Img_1822,Target_Img_1822,Black,Male,1,0.7897335 +1823,Source_Img_1823,Target_Img_1823,Black,Male,0,0.11586352 +1824,Source_Img_1824,Target_Img_1824,Black,Male,0,0.05355118 +1825,Source_Img_1825,Target_Img_1825,Black,Male,1,0.8646151 +1826,Source_Img_1826,Target_Img_1826,Black,Male,1,0.61449025 +1827,Source_Img_1827,Target_Img_1827,Black,Male,1,0.7915772 +1828,Source_Img_1828,Target_Img_1828,Black,Male,1,1 +1829,Source_Img_1829,Target_Img_1829,Black,Male,0,0.04825476 +1830,Source_Img_1830,Target_Img_1830,Black,Male,1,0.92763913 +1831,Source_Img_1831,Target_Img_1831,Black,Male,0,0.05146115 +1832,Source_Img_1832,Target_Img_1832,Black,Male,1,0.817726 +1833,Source_Img_1833,Target_Img_1833,Black,Male,0,0.05690002 +1834,Source_Img_1834,Target_Img_1834,Black,Male,1,0.9523941 +1835,Source_Img_1835,Target_Img_1835,Black,Male,0,0.13445772 +1836,Source_Img_1836,Target_Img_1836,Black,Male,1,0.56723605 +1837,Source_Img_1837,Target_Img_1837,Black,Male,0,0.05937209 +1838,Source_Img_1838,Target_Img_1838,Black,Male,1,0.945 +1839,Source_Img_1839,Target_Img_1839,Black,Male,1,0.62925555 +1840,Source_Img_1840,Target_Img_1840,Black,Male,0,0.08469802 +1841,Source_Img_1841,Target_Img_1841,Black,Male,1,0.9249852 +1842,Source_Img_1842,Target_Img_1842,Black,Male,0,0.17406224 +1843,Source_Img_1843,Target_Img_1843,Black,Male,1,0.8869839 +1844,Source_Img_1844,Target_Img_1844,Black,Male,0,0.18833962 +1845,Source_Img_1845,Target_Img_1845,Black,Male,1,0.87353495 +1846,Source_Img_1846,Target_Img_1846,Black,Male,0,0.14078962 +1847,Source_Img_1847,Target_Img_1847,Black,Male,0,0.129927976 +1848,Source_Img_1848,Target_Img_1848,Black,Male,0,0.00137001 +1849,Source_Img_1849,Target_Img_1849,Black,Male,1,0.67094713 +1850,Source_Img_1850,Target_Img_1850,Black,Male,1,0.7586354 +1851,Source_Img_1851,Target_Img_1851,Black,Male,1,0.7998538 +1852,Source_Img_1852,Target_Img_1852,Black,Male,0,0.04358501 +1853,Source_Img_1853,Target_Img_1853,Black,Male,0,0.0431126 +1854,Source_Img_1854,Target_Img_1854,Black,Male,1,0.5308919 +1855,Source_Img_1855,Target_Img_1855,Black,Male,0,0.20501967 +1856,Source_Img_1856,Target_Img_1856,Black,Male,0,0.16208013 +1857,Source_Img_1857,Target_Img_1857,Black,Male,1,0.7410307 +1858,Source_Img_1858,Target_Img_1858,Black,Male,0,0.09003638 +1859,Source_Img_1859,Target_Img_1859,Black,Male,1,0.6554898 +1860,Source_Img_1860,Target_Img_1860,Black,Male,1,0.949 +1861,Source_Img_1861,Target_Img_1861,Black,Male,0,0.01039125 +1862,Source_Img_1862,Target_Img_1862,Black,Male,0,0.17742565 +1863,Source_Img_1863,Target_Img_1863,Black,Male,1,0.8590648 +1864,Source_Img_1864,Target_Img_1864,Black,Male,0,0.11466834 +1865,Source_Img_1865,Target_Img_1865,Black,Male,0,0.06824814 +1866,Source_Img_1866,Target_Img_1866,Black,Male,0,0.0159955 +1867,Source_Img_1867,Target_Img_1867,Black,Male,1,0.70206744 +1868,Source_Img_1868,Target_Img_1868,Black,Male,0,0.16756458 +1869,Source_Img_1869,Target_Img_1869,Black,Male,1,0.73288197 +1870,Source_Img_1870,Target_Img_1870,Black,Male,0,0.12836699 +1871,Source_Img_1871,Target_Img_1871,Black,Male,0,0.06542034 +1872,Source_Img_1872,Target_Img_1872,Black,Male,1,0.71562476 +1873,Source_Img_1873,Target_Img_1873,Black,Male,1,0.7161876 +1874,Source_Img_1874,Target_Img_1874,Black,Male,1,0.74106924 +1875,Source_Img_1875,Target_Img_1875,Black,Male,0,0 +1876,Source_Img_1876,Target_Img_1876,Black,Male,0,0.17976275 +1877,Source_Img_1877,Target_Img_1877,Black,Male,0,0.10211165 +1878,Source_Img_1878,Target_Img_1878,Black,Male,0,0.108252446 +1879,Source_Img_1879,Target_Img_1879,Black,Male,1,0.70382264 +1880,Source_Img_1880,Target_Img_1880,Black,Male,0,0.07878346 +1881,Source_Img_1881,Target_Img_1881,Black,Male,1,0.78504326 +1882,Source_Img_1882,Target_Img_1882,Black,Male,0,0.155343854 +1883,Source_Img_1883,Target_Img_1883,Black,Male,1,0.78659283 +1884,Source_Img_1884,Target_Img_1884,Black,Male,0,0.18598954 +1885,Source_Img_1885,Target_Img_1885,Black,Male,0,0.20985978 +1886,Source_Img_1886,Target_Img_1886,Black,Male,1,0.70802566 +1887,Source_Img_1887,Target_Img_1887,Black,Male,0,0.02832607 +1888,Source_Img_1888,Target_Img_1888,Black,Male,0,0.04926545 +1889,Source_Img_1889,Target_Img_1889,Black,Male,1,0.86208086 +1890,Source_Img_1890,Target_Img_1890,Black,Male,1,0.80857784 +1891,Source_Img_1891,Target_Img_1891,Black,Male,0,0.124241765 +1892,Source_Img_1892,Target_Img_1892,Black,Male,0,0.17341731 +1893,Source_Img_1893,Target_Img_1893,Black,Male,1,0.72377864 +1894,Source_Img_1894,Target_Img_1894,Black,Male,0,0.04290981 +1895,Source_Img_1895,Target_Img_1895,Black,Male,0,0.02041076 +1896,Source_Img_1896,Target_Img_1896,Black,Male,1,0.96230825 +1897,Source_Img_1897,Target_Img_1897,Black,Male,1,0.7583786 +1898,Source_Img_1898,Target_Img_1898,Black,Male,0,0.11500543 +1899,Source_Img_1899,Target_Img_1899,Black,Male,0,0.079375905 +1900,Source_Img_1900,Target_Img_1900,Black,Male,0,0.10076921 +1901,Source_Img_1901,Target_Img_1901,Black,Male,0,0.073310595 +1902,Source_Img_1902,Target_Img_1902,Black,Male,1,0.9530841 +1903,Source_Img_1903,Target_Img_1903,Black,Male,0,0.172382976 +1904,Source_Img_1904,Target_Img_1904,Black,Male,0,0.15241249 +1905,Source_Img_1905,Target_Img_1905,Black,Male,1,0.7118064 +1906,Source_Img_1906,Target_Img_1906,Black,Male,0,0.152497766 +1907,Source_Img_1907,Target_Img_1907,Black,Male,0,0.006520105 +1908,Source_Img_1908,Target_Img_1908,Black,Male,1,0.79743566 +1909,Source_Img_1909,Target_Img_1909,Black,Male,1,0.7116812 +1910,Source_Img_1910,Target_Img_1910,Black,Male,1,0.76906664 +1911,Source_Img_1911,Target_Img_1911,Black,Male,0,0.13655301 +1912,Source_Img_1912,Target_Img_1912,Black,Male,1,0.8312132 +1913,Source_Img_1913,Target_Img_1913,Black,Male,0,0.063420314 +1914,Source_Img_1914,Target_Img_1914,Black,Male,0,0.05801842 +1915,Source_Img_1915,Target_Img_1915,Black,Male,1,0.9105571 +1916,Source_Img_1916,Target_Img_1916,Black,Male,1,0.76673606 +1917,Source_Img_1917,Target_Img_1917,Black,Male,1,0.56478364 +1918,Source_Img_1918,Target_Img_1918,Black,Male,1,0.89485256 +1919,Source_Img_1919,Target_Img_1919,Black,Male,0,0 +1920,Source_Img_1920,Target_Img_1920,Black,Male,0,0.100783456 +1921,Source_Img_1921,Target_Img_1921,Black,Male,1,0.722212 +1922,Source_Img_1922,Target_Img_1922,Black,Male,0,0.12259656 +1923,Source_Img_1923,Target_Img_1923,Black,Male,1,0.8442814 +1924,Source_Img_1924,Target_Img_1924,Black,Male,0,0.17896013 +1925,Source_Img_1925,Target_Img_1925,Black,Male,1,0.9800286 +1926,Source_Img_1926,Target_Img_1926,Black,Male,0,0.08661841 +1927,Source_Img_1927,Target_Img_1927,Black,Male,0,0.03395853 +1928,Source_Img_1928,Target_Img_1928,Black,Male,0,0.04655347 +1929,Source_Img_1929,Target_Img_1929,Black,Male,1,0.7713419 +1930,Source_Img_1930,Target_Img_1930,Black,Male,0,0.10517291 +1931,Source_Img_1931,Target_Img_1931,Black,Male,0,0.008602206 +1932,Source_Img_1932,Target_Img_1932,Black,Male,1,0.8836487 +1933,Source_Img_1933,Target_Img_1933,Black,Male,1,0.90021355 +1934,Source_Img_1934,Target_Img_1934,Black,Male,1,0.85069756 +1935,Source_Img_1935,Target_Img_1935,Black,Male,1,0.80702067 +1936,Source_Img_1936,Target_Img_1936,Black,Male,0,0.04055353 +1937,Source_Img_1937,Target_Img_1937,Black,Male,1,0.8500389 +1938,Source_Img_1938,Target_Img_1938,Black,Male,0,0.132777695 +1939,Source_Img_1939,Target_Img_1939,Black,Male,0,0.17140854 +1940,Source_Img_1940,Target_Img_1940,Black,Male,1,0.93669165 +1941,Source_Img_1941,Target_Img_1941,Black,Male,1,0.9409232 +1942,Source_Img_1942,Target_Img_1942,Black,Male,0,0.05601093 +1943,Source_Img_1943,Target_Img_1943,Black,Male,0,0.14540042 +1944,Source_Img_1944,Target_Img_1944,Black,Male,1,1 +1945,Source_Img_1945,Target_Img_1945,Black,Male,0,0.11415688 +1946,Source_Img_1946,Target_Img_1946,Black,Male,1,0.7637053 +1947,Source_Img_1947,Target_Img_1947,Black,Male,1,1 +1948,Source_Img_1948,Target_Img_1948,Black,Male,0,0.132543304 +1949,Source_Img_1949,Target_Img_1949,Black,Male,0,0.14931332 +1950,Source_Img_1950,Target_Img_1950,Black,Male,1,0.8807652 +1951,Source_Img_1951,Target_Img_1951,Black,Male,0,0.12250363 +1952,Source_Img_1952,Target_Img_1952,Black,Male,1,0.7841764 +1953,Source_Img_1953,Target_Img_1953,Black,Male,0,0.184822935 +1954,Source_Img_1954,Target_Img_1954,Black,Male,1,0.9630657 +1955,Source_Img_1955,Target_Img_1955,Black,Male,1,0.7933069 +1956,Source_Img_1956,Target_Img_1956,Black,Male,0,0.173105136 +1957,Source_Img_1957,Target_Img_1957,Black,Male,1,0.74351594 +1958,Source_Img_1958,Target_Img_1958,Black,Male,0,0.044269595 +1959,Source_Img_1959,Target_Img_1959,Black,Male,1,0.7930962 +1960,Source_Img_1960,Target_Img_1960,Black,Male,0,0.12299632 +1961,Source_Img_1961,Target_Img_1961,Black,Male,1,0.9870007 +1962,Source_Img_1962,Target_Img_1962,Black,Male,0,0.01402037 +1963,Source_Img_1963,Target_Img_1963,Black,Male,0,0.14810562 +1964,Source_Img_1964,Target_Img_1964,Black,Male,1,0.5683173 +1965,Source_Img_1965,Target_Img_1965,Black,Male,0,0.033259305 +1966,Source_Img_1966,Target_Img_1966,Black,Male,0,0.13833625 +1967,Source_Img_1967,Target_Img_1967,Black,Male,1,0.67953365 +1968,Source_Img_1968,Target_Img_1968,Black,Male,1,0.989 +1969,Source_Img_1969,Target_Img_1969,Black,Male,1,0.7716753 +1970,Source_Img_1970,Target_Img_1970,Black,Male,0,0.14255286 +1971,Source_Img_1971,Target_Img_1971,Black,Male,1,0.75321054 +1972,Source_Img_1972,Target_Img_1972,Black,Male,1,0.7551097 +1973,Source_Img_1973,Target_Img_1973,Black,Male,0,0.0453588 +1974,Source_Img_1974,Target_Img_1974,Black,Male,1,1 +1975,Source_Img_1975,Target_Img_1975,Black,Male,0,0.08144922 +1976,Source_Img_1976,Target_Img_1976,Black,Male,1,0.64497145 +1977,Source_Img_1977,Target_Img_1977,Black,Male,1,0.60490743 +1978,Source_Img_1978,Target_Img_1978,Black,Male,0,0.11916755 +1979,Source_Img_1979,Target_Img_1979,Black,Male,1,0.7920683 +1980,Source_Img_1980,Target_Img_1980,Black,Male,0,0.040640094 +1981,Source_Img_1981,Target_Img_1981,Black,Male,0,0 +1982,Source_Img_1982,Target_Img_1982,Black,Male,1,0.8507618 +1983,Source_Img_1983,Target_Img_1983,Black,Male,0,0.058942855 +1984,Source_Img_1984,Target_Img_1984,Black,Male,0,0.0657353 +1985,Source_Img_1985,Target_Img_1985,Black,Male,1,0.71216955 +1986,Source_Img_1986,Target_Img_1986,Black,Male,0,0.05749555 +1987,Source_Img_1987,Target_Img_1987,Black,Male,1,1 +1988,Source_Img_1988,Target_Img_1988,Black,Male,1,0.923 +1989,Source_Img_1989,Target_Img_1989,Black,Male,0,0.185110294 +1990,Source_Img_1990,Target_Img_1990,Black,Male,0,0.12120001 +1991,Source_Img_1991,Target_Img_1991,Black,Male,1,0.7258223 +1992,Source_Img_1992,Target_Img_1992,Black,Male,0,0.056433116 +1993,Source_Img_1993,Target_Img_1993,Black,Male,0,0.17830192 +1994,Source_Img_1994,Target_Img_1994,Black,Male,1,0.6407344 +1995,Source_Img_1995,Target_Img_1995,Black,Male,1,0.91741747 +1996,Source_Img_1996,Target_Img_1996,Black,Male,0,0.01738892 +1997,Source_Img_1997,Target_Img_1997,Black,Male,0,0.154115786 +1998,Source_Img_1998,Target_Img_1998,Black,Male,1,0.90164984 +1999,Source_Img_1999,Target_Img_1999,Black,Male,1,0.7438729 +2000,Source_Img_2000,Target_Img_2000,White,Female,0,0.30328694 +2001,Source_Img_2001,Target_Img_2001,White,Female,1,0.7753081 +2002,Source_Img_2002,Target_Img_2002,White,Female,0,0.13962635 +2003,Source_Img_2003,Target_Img_2003,White,Female,1,0.7720423 +2004,Source_Img_2004,Target_Img_2004,White,Female,0,0.06966842 +2005,Source_Img_2005,Target_Img_2005,White,Female,0,0.177800575 +2006,Source_Img_2006,Target_Img_2006,White,Female,1,0.8557798 +2007,Source_Img_2007,Target_Img_2007,White,Female,0,0.079957645 +2008,Source_Img_2008,Target_Img_2008,White,Female,0,0.04265736 +2009,Source_Img_2009,Target_Img_2009,White,Female,1,0.84925244 +2010,Source_Img_2010,Target_Img_2010,White,Female,0,0.16761972 +2011,Source_Img_2011,Target_Img_2011,White,Female,1,0.7669959 +2012,Source_Img_2012,Target_Img_2012,White,Female,0,0.03239358 +2013,Source_Img_2013,Target_Img_2013,White,Female,1,0.8498373 +2014,Source_Img_2014,Target_Img_2014,White,Female,0,0.18334031 +2015,Source_Img_2015,Target_Img_2015,White,Female,1,0.82326505 +2016,Source_Img_2016,Target_Img_2016,White,Female,0,0.095846666 +2017,Source_Img_2017,Target_Img_2017,White,Female,1,0.6730437 +2018,Source_Img_2018,Target_Img_2018,White,Female,0,0.10217155 +2019,Source_Img_2019,Target_Img_2019,White,Female,1,0.7010992 +2020,Source_Img_2020,Target_Img_2020,White,Female,0,0.02414248 +2021,Source_Img_2021,Target_Img_2021,White,Female,1,0.7380562 +2022,Source_Img_2022,Target_Img_2022,White,Female,0,0.055031645 +2023,Source_Img_2023,Target_Img_2023,White,Female,1,1 +2024,Source_Img_2024,Target_Img_2024,White,Female,0,0.03975702 +2025,Source_Img_2025,Target_Img_2025,White,Female,0,0.166106534 +2026,Source_Img_2026,Target_Img_2026,White,Female,1,0.8306856 +2027,Source_Img_2027,Target_Img_2027,White,Female,0,0.00838146 +2028,Source_Img_2028,Target_Img_2028,White,Female,0,0.01042898 +2029,Source_Img_2029,Target_Img_2029,White,Female,1,0.7757975 +2030,Source_Img_2030,Target_Img_2030,White,Female,0,0.03475212 +2031,Source_Img_2031,Target_Img_2031,White,Female,1,0.72850257 +2032,Source_Img_2032,Target_Img_2032,White,Female,1,0.95499916 +2033,Source_Img_2033,Target_Img_2033,White,Female,0,0.03092912 +2034,Source_Img_2034,Target_Img_2034,White,Female,0,0.080559346 +2035,Source_Img_2035,Target_Img_2035,White,Female,1,0.8955063 +2036,Source_Img_2036,Target_Img_2036,White,Female,0,0.17535229 +2037,Source_Img_2037,Target_Img_2037,White,Female,1,0.81939795 +2038,Source_Img_2038,Target_Img_2038,White,Female,1,0.9057087 +2039,Source_Img_2039,Target_Img_2039,White,Female,0,0.151128686 +2040,Source_Img_2040,Target_Img_2040,White,Female,0,0.17337392 +2041,Source_Img_2041,Target_Img_2041,White,Female,1,0.8635952 +2042,Source_Img_2042,Target_Img_2042,White,Female,0,0.16230273 +2043,Source_Img_2043,Target_Img_2043,White,Female,1,0.72543535 +2044,Source_Img_2044,Target_Img_2044,White,Female,0,0.16983767 +2045,Source_Img_2045,Target_Img_2045,White,Female,1,0.71774587 +2046,Source_Img_2046,Target_Img_2046,White,Female,0,0.28367788 +2047,Source_Img_2047,Target_Img_2047,White,Female,1,0.7258236 +2048,Source_Img_2048,Target_Img_2048,White,Female,0,0.17383096 +2049,Source_Img_2049,Target_Img_2049,White,Female,1,0.7921552 +2050,Source_Img_2050,Target_Img_2050,White,Female,0,0.12138568 +2051,Source_Img_2051,Target_Img_2051,White,Female,1,0.8763437 +2052,Source_Img_2052,Target_Img_2052,White,Female,0,0.14056867 +2053,Source_Img_2053,Target_Img_2053,White,Female,1,0.72291504 +2054,Source_Img_2054,Target_Img_2054,White,Female,0,0.18159813 +2055,Source_Img_2055,Target_Img_2055,White,Female,1,0.8114403 +2056,Source_Img_2056,Target_Img_2056,White,Female,1,0.5500139 +2057,Source_Img_2057,Target_Img_2057,White,Female,0,0.059330725 +2058,Source_Img_2058,Target_Img_2058,White,Female,1,0.60488083 +2059,Source_Img_2059,Target_Img_2059,White,Female,0,0.18144935 +2060,Source_Img_2060,Target_Img_2060,White,Female,0,0.04576229 +2061,Source_Img_2061,Target_Img_2061,White,Female,1,0.79004933 +2062,Source_Img_2062,Target_Img_2062,White,Female,0,0.28982568 +2063,Source_Img_2063,Target_Img_2063,White,Female,0,0.15185914 +2064,Source_Img_2064,Target_Img_2064,White,Female,0,0.09890835 +2065,Source_Img_2065,Target_Img_2065,White,Female,1,0.6350508 +2066,Source_Img_2066,Target_Img_2066,White,Female,1,0.7163883 +2067,Source_Img_2067,Target_Img_2067,White,Female,0,0.11625145 +2068,Source_Img_2068,Target_Img_2068,White,Female,1,0.961 +2069,Source_Img_2069,Target_Img_2069,White,Female,1,0.68173704 +2070,Source_Img_2070,Target_Img_2070,White,Female,0,0.005772075 +2071,Source_Img_2071,Target_Img_2071,White,Female,1,0.6657279 +2072,Source_Img_2072,Target_Img_2072,White,Female,0,0.010176974 +2073,Source_Img_2073,Target_Img_2073,White,Female,1,1 +2074,Source_Img_2074,Target_Img_2074,White,Female,0,0.136816174 +2075,Source_Img_2075,Target_Img_2075,White,Female,1,0.80014284 +2076,Source_Img_2076,Target_Img_2076,White,Female,0,0.00383886 +2077,Source_Img_2077,Target_Img_2077,White,Female,1,0.5120522 +2078,Source_Img_2078,Target_Img_2078,White,Female,1,0.70972014 +2079,Source_Img_2079,Target_Img_2079,White,Female,0,0.1081505 +2080,Source_Img_2080,Target_Img_2080,White,Female,0,0.15811598 +2081,Source_Img_2081,Target_Img_2081,White,Female,0,0.0728887 +2082,Source_Img_2082,Target_Img_2082,White,Female,1,0.58170713 +2083,Source_Img_2083,Target_Img_2083,White,Female,1,0.5677929 +2084,Source_Img_2084,Target_Img_2084,White,Female,0,0.14283261 +2085,Source_Img_2085,Target_Img_2085,White,Female,0,0.03665667 +2086,Source_Img_2086,Target_Img_2086,White,Female,0,0.05707171 +2087,Source_Img_2087,Target_Img_2087,White,Female,1,0.6571614 +2088,Source_Img_2088,Target_Img_2088,White,Female,0,0.037829395 +2089,Source_Img_2089,Target_Img_2089,White,Female,1,0.8734433 +2090,Source_Img_2090,Target_Img_2090,White,Female,0,0.13839267 +2091,Source_Img_2091,Target_Img_2091,White,Female,0,0.17458012 +2092,Source_Img_2092,Target_Img_2092,White,Female,1,0.705552 +2093,Source_Img_2093,Target_Img_2093,White,Female,0,0.012032824 +2094,Source_Img_2094,Target_Img_2094,White,Female,1,0.80623266 +2095,Source_Img_2095,Target_Img_2095,White,Female,0,0 +2096,Source_Img_2096,Target_Img_2096,White,Female,1,0.82316036 +2097,Source_Img_2097,Target_Img_2097,White,Female,1,0.74927695 +2098,Source_Img_2098,Target_Img_2098,White,Female,0,0.115591294 +2099,Source_Img_2099,Target_Img_2099,White,Female,1,0.7320401 +2100,Source_Img_2100,Target_Img_2100,White,Female,0,0.058533844 +2101,Source_Img_2101,Target_Img_2101,White,Female,1,0.8159683 +2102,Source_Img_2102,Target_Img_2102,White,Female,1,0.7213194 +2103,Source_Img_2103,Target_Img_2103,White,Female,0,0.16781653 +2104,Source_Img_2104,Target_Img_2104,White,Female,1,0.5969943 +2105,Source_Img_2105,Target_Img_2105,White,Female,0,0 +2106,Source_Img_2106,Target_Img_2106,White,Female,0,0.01103426 +2107,Source_Img_2107,Target_Img_2107,White,Female,1,0.862857 +2108,Source_Img_2108,Target_Img_2108,White,Female,0,0.19668955 +2109,Source_Img_2109,Target_Img_2109,White,Female,0,0.11548094 +2110,Source_Img_2110,Target_Img_2110,White,Female,1,1 +2111,Source_Img_2111,Target_Img_2111,White,Female,0,0.029387586 +2112,Source_Img_2112,Target_Img_2112,White,Female,1,1 +2113,Source_Img_2113,Target_Img_2113,White,Female,1,0.7058803 +2114,Source_Img_2114,Target_Img_2114,White,Female,1,0.62686583 +2115,Source_Img_2115,Target_Img_2115,White,Female,1,0.70177013 +2116,Source_Img_2116,Target_Img_2116,White,Female,0,0.17588802 +2117,Source_Img_2117,Target_Img_2117,White,Female,1,0.8214253 +2118,Source_Img_2118,Target_Img_2118,White,Female,0,0.067660495 +2119,Source_Img_2119,Target_Img_2119,White,Female,0,0.190443835 +2120,Source_Img_2120,Target_Img_2120,White,Female,1,0.87804673 +2121,Source_Img_2121,Target_Img_2121,White,Female,1,0.6567291 +2122,Source_Img_2122,Target_Img_2122,White,Female,1,0.6550781 +2123,Source_Img_2123,Target_Img_2123,White,Female,0,0.19352553 +2124,Source_Img_2124,Target_Img_2124,White,Female,1,0.61315336 +2125,Source_Img_2125,Target_Img_2125,White,Female,0,0.03407748 +2126,Source_Img_2126,Target_Img_2126,White,Female,1,0.88369626 +2127,Source_Img_2127,Target_Img_2127,White,Female,1,0.87268066 +2128,Source_Img_2128,Target_Img_2128,White,Female,0,0.01799205 +2129,Source_Img_2129,Target_Img_2129,White,Female,0,0.31328147 +2130,Source_Img_2130,Target_Img_2130,White,Female,1,0.8690738 +2131,Source_Img_2131,Target_Img_2131,White,Female,0,0.08527782 +2132,Source_Img_2132,Target_Img_2132,White,Female,1,0.8442378 +2133,Source_Img_2133,Target_Img_2133,White,Female,1,0.6083248 +2134,Source_Img_2134,Target_Img_2134,White,Female,0,0.154152446 +2135,Source_Img_2135,Target_Img_2135,White,Female,1,0.7913397 +2136,Source_Img_2136,Target_Img_2136,White,Female,0,0.1900228 +2137,Source_Img_2137,Target_Img_2137,White,Female,0,0.131172916 +2138,Source_Img_2138,Target_Img_2138,White,Female,1,0.71715596 +2139,Source_Img_2139,Target_Img_2139,White,Female,1,0.8347316 +2140,Source_Img_2140,Target_Img_2140,White,Female,0,0.12389534 +2141,Source_Img_2141,Target_Img_2141,White,Female,1,0.7251998 +2142,Source_Img_2142,Target_Img_2142,White,Female,0,0.17563632 +2143,Source_Img_2143,Target_Img_2143,White,Female,0,0.04614622 +2144,Source_Img_2144,Target_Img_2144,White,Female,1,0.5750119 +2145,Source_Img_2145,Target_Img_2145,White,Female,1,0.935 +2146,Source_Img_2146,Target_Img_2146,White,Female,1,0.68446134 +2147,Source_Img_2147,Target_Img_2147,White,Female,0,0.18288799 +2148,Source_Img_2148,Target_Img_2148,White,Female,1,0.7082722 +2149,Source_Img_2149,Target_Img_2149,White,Female,0,0.12365767 +2150,Source_Img_2150,Target_Img_2150,White,Female,1,0.91722276 +2151,Source_Img_2151,Target_Img_2151,White,Female,0,0.17660402 +2152,Source_Img_2152,Target_Img_2152,White,Female,0,0.00577594 +2153,Source_Img_2153,Target_Img_2153,White,Female,1,0.70908983 +2154,Source_Img_2154,Target_Img_2154,White,Female,1,0.8537704 +2155,Source_Img_2155,Target_Img_2155,White,Female,0,0.034150445 +2156,Source_Img_2156,Target_Img_2156,White,Female,1,0.66391996 +2157,Source_Img_2157,Target_Img_2157,White,Female,1,0.7243605 +2158,Source_Img_2158,Target_Img_2158,White,Female,0,0.08957064 +2159,Source_Img_2159,Target_Img_2159,White,Female,1,0.8390341 +2160,Source_Img_2160,Target_Img_2160,White,Female,1,0.6708709 +2161,Source_Img_2161,Target_Img_2161,White,Female,0,0.19981824 +2162,Source_Img_2162,Target_Img_2162,White,Female,1,0.6480035 +2163,Source_Img_2163,Target_Img_2163,White,Female,1,0.975 +2164,Source_Img_2164,Target_Img_2164,White,Female,0,0.085971206 +2165,Source_Img_2165,Target_Img_2165,White,Female,1,0.74496353 +2166,Source_Img_2166,Target_Img_2166,White,Female,1,0.6509678 +2167,Source_Img_2167,Target_Img_2167,White,Female,1,0.93490417 +2168,Source_Img_2168,Target_Img_2168,White,Female,1,0.82190593 +2169,Source_Img_2169,Target_Img_2169,White,Female,1,0.8398162 +2170,Source_Img_2170,Target_Img_2170,White,Female,0,0.1168624 +2171,Source_Img_2171,Target_Img_2171,White,Female,1,0.72776636 +2172,Source_Img_2172,Target_Img_2172,White,Female,0,0.17188295 +2173,Source_Img_2173,Target_Img_2173,White,Female,1,0.77645024 +2174,Source_Img_2174,Target_Img_2174,White,Female,0,0.009646016 +2175,Source_Img_2175,Target_Img_2175,White,Female,1,1 +2176,Source_Img_2176,Target_Img_2176,White,Female,0,0.063786695 +2177,Source_Img_2177,Target_Img_2177,White,Female,0,0.15037632 +2178,Source_Img_2178,Target_Img_2178,White,Female,1,0.88011415 +2179,Source_Img_2179,Target_Img_2179,White,Female,0,0.05664102 +2180,Source_Img_2180,Target_Img_2180,White,Female,1,0.80455193 +2181,Source_Img_2181,Target_Img_2181,White,Female,1,0.7784604 +2182,Source_Img_2182,Target_Img_2182,White,Female,0,0 +2183,Source_Img_2183,Target_Img_2183,White,Female,0,0.08741291 +2184,Source_Img_2184,Target_Img_2184,White,Female,1,0.63238855 +2185,Source_Img_2185,Target_Img_2185,White,Female,0,0.1267845 +2186,Source_Img_2186,Target_Img_2186,White,Female,0,0.05173637 +2187,Source_Img_2187,Target_Img_2187,White,Female,0,0.155997224 +2188,Source_Img_2188,Target_Img_2188,White,Female,1,0.9472214 +2189,Source_Img_2189,Target_Img_2189,White,Female,1,0.9102255 +2190,Source_Img_2190,Target_Img_2190,White,Female,0,0.07536295 +2191,Source_Img_2191,Target_Img_2191,White,Female,0,0.12229797 +2192,Source_Img_2192,Target_Img_2192,White,Female,0,0.01617908 +2193,Source_Img_2193,Target_Img_2193,White,Female,1,0.77512326 +2194,Source_Img_2194,Target_Img_2194,White,Female,1,0.8367089 +2195,Source_Img_2195,Target_Img_2195,White,Female,1,0.8226621 +2196,Source_Img_2196,Target_Img_2196,White,Female,1,0.81039334 +2197,Source_Img_2197,Target_Img_2197,White,Female,1,0.7213528 +2198,Source_Img_2198,Target_Img_2198,White,Female,0,0.00083733 +2199,Source_Img_2199,Target_Img_2199,White,Female,0,0.085659554 +2200,Source_Img_2200,Target_Img_2200,White,Female,0,0.07775543 +2201,Source_Img_2201,Target_Img_2201,White,Female,1,0.61799435 +2202,Source_Img_2202,Target_Img_2202,White,Female,0,0.11466188 +2203,Source_Img_2203,Target_Img_2203,White,Female,0,0.08631654 +2204,Source_Img_2204,Target_Img_2204,White,Female,0,0.18169365 +2205,Source_Img_2205,Target_Img_2205,White,Female,1,0.6437698 +2206,Source_Img_2206,Target_Img_2206,White,Female,0,0.03569256 +2207,Source_Img_2207,Target_Img_2207,White,Female,1,0.7184368 +2208,Source_Img_2208,Target_Img_2208,White,Female,1,0.5323809 +2209,Source_Img_2209,Target_Img_2209,White,Female,0,0 +2210,Source_Img_2210,Target_Img_2210,White,Female,0,0 +2211,Source_Img_2211,Target_Img_2211,White,Female,1,0.957 +2212,Source_Img_2212,Target_Img_2212,White,Female,1,0.75560104 +2213,Source_Img_2213,Target_Img_2213,White,Female,1,0.75336124 +2214,Source_Img_2214,Target_Img_2214,White,Female,0,0.063364554 +2215,Source_Img_2215,Target_Img_2215,White,Female,0,0.13849798 +2216,Source_Img_2216,Target_Img_2216,White,Female,1,0.56628186 +2217,Source_Img_2217,Target_Img_2217,White,Female,1,1 +2218,Source_Img_2218,Target_Img_2218,White,Female,0,0.03272866 +2219,Source_Img_2219,Target_Img_2219,White,Female,0,0.13923456 +2220,Source_Img_2220,Target_Img_2220,White,Female,1,0.77889576 +2221,Source_Img_2221,Target_Img_2221,White,Female,0,0.1395607 +2222,Source_Img_2222,Target_Img_2222,White,Female,0,0.25998841 +2223,Source_Img_2223,Target_Img_2223,White,Female,1,0.8255116 +2224,Source_Img_2224,Target_Img_2224,White,Female,1,0.67518856 +2225,Source_Img_2225,Target_Img_2225,White,Female,0,0.13209927 +2226,Source_Img_2226,Target_Img_2226,White,Female,1,0.69565694 +2227,Source_Img_2227,Target_Img_2227,White,Female,0,0.08371359 +2228,Source_Img_2228,Target_Img_2228,White,Female,1,0.8174593 +2229,Source_Img_2229,Target_Img_2229,White,Female,0,0.069324674 +2230,Source_Img_2230,Target_Img_2230,White,Female,0,0.17092755 +2231,Source_Img_2231,Target_Img_2231,White,Female,0,0.1428468 +2232,Source_Img_2232,Target_Img_2232,White,Female,1,0.6395715 +2233,Source_Img_2233,Target_Img_2233,White,Female,1,0.68030406 +2234,Source_Img_2234,Target_Img_2234,White,Female,0,0.047827354 +2235,Source_Img_2235,Target_Img_2235,White,Female,1,1 +2236,Source_Img_2236,Target_Img_2236,White,Female,0,0.00201638 +2237,Source_Img_2237,Target_Img_2237,White,Female,1,0.7799877 +2238,Source_Img_2238,Target_Img_2238,White,Female,0,0.16075529 +2239,Source_Img_2239,Target_Img_2239,White,Female,0,0.00863661 +2240,Source_Img_2240,Target_Img_2240,White,Female,1,0.6337223 +2241,Source_Img_2241,Target_Img_2241,White,Female,1,0.71903345 +2242,Source_Img_2242,Target_Img_2242,White,Female,0,0.14265894 +2243,Source_Img_2243,Target_Img_2243,White,Female,0,0.13216644 +2244,Source_Img_2244,Target_Img_2244,White,Female,0,0.0431864 +2245,Source_Img_2245,Target_Img_2245,White,Female,1,0.77266156 +2246,Source_Img_2246,Target_Img_2246,White,Female,0,0.16973798 +2247,Source_Img_2247,Target_Img_2247,White,Female,0,0.16305058 +2248,Source_Img_2248,Target_Img_2248,White,Female,1,0.54292453 +2249,Source_Img_2249,Target_Img_2249,White,Female,1,0.671207 +2250,Source_Img_2250,Target_Img_2250,White,Female,1,0.929 +2251,Source_Img_2251,Target_Img_2251,White,Female,0,0.29196273 +2252,Source_Img_2252,Target_Img_2252,White,Female,1,0.69878753 +2253,Source_Img_2253,Target_Img_2253,White,Female,0,0.16582109 +2254,Source_Img_2254,Target_Img_2254,White,Female,0,0.11242974 +2255,Source_Img_2255,Target_Img_2255,White,Female,1,0.75840223 +2256,Source_Img_2256,Target_Img_2256,White,Female,0,0.14946879 +2257,Source_Img_2257,Target_Img_2257,White,Female,1,0.8429477 +2258,Source_Img_2258,Target_Img_2258,White,Female,0,0 +2259,Source_Img_2259,Target_Img_2259,White,Female,1,0.80620686 +2260,Source_Img_2260,Target_Img_2260,White,Female,1,0.5405914 +2261,Source_Img_2261,Target_Img_2261,White,Female,0,0.19850466 +2262,Source_Img_2262,Target_Img_2262,White,Female,1,0.804334 +2263,Source_Img_2263,Target_Img_2263,White,Female,1,0.57400315 +2264,Source_Img_2264,Target_Img_2264,White,Female,0,0.06069094 +2265,Source_Img_2265,Target_Img_2265,White,Female,0,0.178728736 +2266,Source_Img_2266,Target_Img_2266,White,Female,1,0.7559224 +2267,Source_Img_2267,Target_Img_2267,White,Female,0,0.05090065 +2268,Source_Img_2268,Target_Img_2268,White,Female,1,0.9934527 +2269,Source_Img_2269,Target_Img_2269,White,Female,0,0.01523915 +2270,Source_Img_2270,Target_Img_2270,White,Female,1,0.80797524 +2271,Source_Img_2271,Target_Img_2271,White,Female,1,0.5973617 +2272,Source_Img_2272,Target_Img_2272,White,Female,0,0.0479313 +2273,Source_Img_2273,Target_Img_2273,White,Female,0,0.1024978 +2274,Source_Img_2274,Target_Img_2274,White,Female,0,0.2112719 +2275,Source_Img_2275,Target_Img_2275,White,Female,1,0.5794894 +2276,Source_Img_2276,Target_Img_2276,White,Female,0,0.07267379 +2277,Source_Img_2277,Target_Img_2277,White,Female,1,0.58347005 +2278,Source_Img_2278,Target_Img_2278,White,Female,0,0.01718449 +2279,Source_Img_2279,Target_Img_2279,White,Female,1,0.68688245 +2280,Source_Img_2280,Target_Img_2280,White,Female,0,0.11940496 +2281,Source_Img_2281,Target_Img_2281,White,Female,0,0.07761771 +2282,Source_Img_2282,Target_Img_2282,White,Female,1,0.7794028 +2283,Source_Img_2283,Target_Img_2283,White,Female,1,0.6926752 +2284,Source_Img_2284,Target_Img_2284,White,Female,0,0.13282246 +2285,Source_Img_2285,Target_Img_2285,White,Female,0,0.068178775 +2286,Source_Img_2286,Target_Img_2286,White,Female,1,0.9492131 +2287,Source_Img_2287,Target_Img_2287,White,Female,0,0.13341969 +2288,Source_Img_2288,Target_Img_2288,White,Female,1,0.9149445 +2289,Source_Img_2289,Target_Img_2289,White,Female,0,0.1585937 +2290,Source_Img_2290,Target_Img_2290,White,Female,1,0.8049108 +2291,Source_Img_2291,Target_Img_2291,White,Female,0,0.06307077 +2292,Source_Img_2292,Target_Img_2292,White,Female,0,0.1547211 +2293,Source_Img_2293,Target_Img_2293,White,Female,1,0.704067 +2294,Source_Img_2294,Target_Img_2294,White,Female,0,0.16048321 +2295,Source_Img_2295,Target_Img_2295,White,Female,1,0.90791933 +2296,Source_Img_2296,Target_Img_2296,White,Female,0,0.03488663 +2297,Source_Img_2297,Target_Img_2297,White,Female,1,0.6575085 +2298,Source_Img_2298,Target_Img_2298,White,Female,0,0.00366553 +2299,Source_Img_2299,Target_Img_2299,White,Female,1,0.994 +2300,Source_Img_2300,Target_Img_2300,White,Female,1,0.84848306 +2301,Source_Img_2301,Target_Img_2301,White,Female,1,0.62289114 +2302,Source_Img_2302,Target_Img_2302,White,Female,0,0.0678975 +2303,Source_Img_2303,Target_Img_2303,White,Female,1,0.5605196 +2304,Source_Img_2304,Target_Img_2304,White,Female,1,0.5940397 +2305,Source_Img_2305,Target_Img_2305,White,Female,1,0.6754507 +2306,Source_Img_2306,Target_Img_2306,White,Female,0,0.11784513 +2307,Source_Img_2307,Target_Img_2307,White,Female,0,0.138458295 +2308,Source_Img_2308,Target_Img_2308,White,Female,0,0 +2309,Source_Img_2309,Target_Img_2309,White,Female,0,0.08325267 +2310,Source_Img_2310,Target_Img_2310,White,Female,1,0.68394564 +2311,Source_Img_2311,Target_Img_2311,White,Female,0,0.17342102 +2312,Source_Img_2312,Target_Img_2312,White,Female,1,0.7542765 +2313,Source_Img_2313,Target_Img_2313,White,Female,0,0.18914433 +2314,Source_Img_2314,Target_Img_2314,White,Female,0,0.11161197 +2315,Source_Img_2315,Target_Img_2315,White,Female,1,0.55684005 +2316,Source_Img_2316,Target_Img_2316,White,Female,0,0.13524531 +2317,Source_Img_2317,Target_Img_2317,White,Female,1,0.8467651 +2318,Source_Img_2318,Target_Img_2318,White,Female,1,0.87616686 +2319,Source_Img_2319,Target_Img_2319,White,Female,1,1 +2320,Source_Img_2320,Target_Img_2320,White,Female,0,0.16924995 +2321,Source_Img_2321,Target_Img_2321,White,Female,1,0.996 +2322,Source_Img_2322,Target_Img_2322,White,Female,0,0.10028592 +2323,Source_Img_2323,Target_Img_2323,White,Female,0,0.07294742 +2324,Source_Img_2324,Target_Img_2324,White,Female,0,0.08704302 +2325,Source_Img_2325,Target_Img_2325,White,Female,1,0.7881272 +2326,Source_Img_2326,Target_Img_2326,White,Female,0,0.16975612 +2327,Source_Img_2327,Target_Img_2327,White,Female,1,0.5210843 +2328,Source_Img_2328,Target_Img_2328,White,Female,0,0.09373774 +2329,Source_Img_2329,Target_Img_2329,White,Female,1,0.69803994 +2330,Source_Img_2330,Target_Img_2330,White,Female,0,0.01979986 +2331,Source_Img_2331,Target_Img_2331,White,Female,0,0.08694238 +2332,Source_Img_2332,Target_Img_2332,White,Female,1,0.71562954 +2333,Source_Img_2333,Target_Img_2333,White,Female,1,0.66097183 +2334,Source_Img_2334,Target_Img_2334,White,Female,0,0.08118045 +2335,Source_Img_2335,Target_Img_2335,White,Female,1,0.7378528 +2336,Source_Img_2336,Target_Img_2336,White,Female,0,0.09751108 +2337,Source_Img_2337,Target_Img_2337,White,Female,1,0.71899217 +2338,Source_Img_2338,Target_Img_2338,White,Female,1,1 +2339,Source_Img_2339,Target_Img_2339,White,Female,1,0.85011607 +2340,Source_Img_2340,Target_Img_2340,White,Female,0,0.11957935 +2341,Source_Img_2341,Target_Img_2341,White,Female,1,0.7247627 +2342,Source_Img_2342,Target_Img_2342,White,Female,1,0.6220725 +2343,Source_Img_2343,Target_Img_2343,White,Female,1,1 +2344,Source_Img_2344,Target_Img_2344,White,Female,0,0.073216935 +2345,Source_Img_2345,Target_Img_2345,White,Female,0,0.112334965 +2346,Source_Img_2346,Target_Img_2346,White,Female,0,0.10292045 +2347,Source_Img_2347,Target_Img_2347,White,Female,1,0.50100936 +2348,Source_Img_2348,Target_Img_2348,White,Female,0,0.02764124 +2349,Source_Img_2349,Target_Img_2349,White,Female,1,0.677633 +2350,Source_Img_2350,Target_Img_2350,White,Female,1,0.7633477 +2351,Source_Img_2351,Target_Img_2351,White,Female,0,0.18859222 +2352,Source_Img_2352,Target_Img_2352,White,Female,1,0.73018195 +2353,Source_Img_2353,Target_Img_2353,White,Female,0,0.011178135 +2354,Source_Img_2354,Target_Img_2354,White,Female,1,0.81718134 +2355,Source_Img_2355,Target_Img_2355,White,Female,0,0.15560382 +2356,Source_Img_2356,Target_Img_2356,White,Female,0,0.1515745 +2357,Source_Img_2357,Target_Img_2357,White,Female,1,0.5762653 +2358,Source_Img_2358,Target_Img_2358,White,Female,1,0.77149914 +2359,Source_Img_2359,Target_Img_2359,White,Female,1,0.77589157 +2360,Source_Img_2360,Target_Img_2360,White,Female,1,0.8775359 +2361,Source_Img_2361,Target_Img_2361,White,Female,0,0.02957141 +2362,Source_Img_2362,Target_Img_2362,White,Female,0,0.2041796 +2363,Source_Img_2363,Target_Img_2363,White,Female,1,0.7038756 +2364,Source_Img_2364,Target_Img_2364,White,Female,0,0.09515823 +2365,Source_Img_2365,Target_Img_2365,White,Female,0,0.03430703 +2366,Source_Img_2366,Target_Img_2366,White,Female,1,0.77908016 +2367,Source_Img_2367,Target_Img_2367,White,Female,1,0.68455363 +2368,Source_Img_2368,Target_Img_2368,White,Female,1,0.84238135 +2369,Source_Img_2369,Target_Img_2369,White,Female,1,0.6723061 +2370,Source_Img_2370,Target_Img_2370,White,Female,1,0.41763028 +2371,Source_Img_2371,Target_Img_2371,White,Female,1,0.85416696 +2372,Source_Img_2372,Target_Img_2372,White,Female,0,0.2164095 +2373,Source_Img_2373,Target_Img_2373,White,Female,1,0.762249 +2374,Source_Img_2374,Target_Img_2374,White,Female,1,0.7421974 +2375,Source_Img_2375,Target_Img_2375,White,Female,1,0.7965229 +2376,Source_Img_2376,Target_Img_2376,White,Female,1,1 +2377,Source_Img_2377,Target_Img_2377,White,Female,1,0.93 +2378,Source_Img_2378,Target_Img_2378,White,Female,1,0.6283151 +2379,Source_Img_2379,Target_Img_2379,White,Female,0,0.11679927 +2380,Source_Img_2380,Target_Img_2380,White,Female,0,0.17604257 +2381,Source_Img_2381,Target_Img_2381,White,Female,1,0.68593807 +2382,Source_Img_2382,Target_Img_2382,White,Female,0,0.20387682 +2383,Source_Img_2383,Target_Img_2383,White,Female,1,0.7917969 +2384,Source_Img_2384,Target_Img_2384,White,Female,0,0.177684925 +2385,Source_Img_2385,Target_Img_2385,White,Female,1,0.66645073 +2386,Source_Img_2386,Target_Img_2386,White,Female,0,0.07106638 +2387,Source_Img_2387,Target_Img_2387,White,Female,0,0.29685902 +2388,Source_Img_2388,Target_Img_2388,White,Female,1,0.79602366 +2389,Source_Img_2389,Target_Img_2389,White,Female,1,0.7991994 +2390,Source_Img_2390,Target_Img_2390,White,Female,1,0.8441612 +2391,Source_Img_2391,Target_Img_2391,White,Female,0,0.16121037 +2392,Source_Img_2392,Target_Img_2392,White,Female,0,0.07895632 +2393,Source_Img_2393,Target_Img_2393,White,Female,1,0.65585045 +2394,Source_Img_2394,Target_Img_2394,White,Female,1,0.8012303 +2395,Source_Img_2395,Target_Img_2395,White,Female,1,0.73707814 +2396,Source_Img_2396,Target_Img_2396,White,Female,1,0.51838497 +2397,Source_Img_2397,Target_Img_2397,White,Female,1,0.68383017 +2398,Source_Img_2398,Target_Img_2398,White,Female,0,0 +2399,Source_Img_2399,Target_Img_2399,White,Female,0,0.16750018 +2400,Source_Img_2400,Target_Img_2400,White,Female,1,0.64532717 +2401,Source_Img_2401,Target_Img_2401,White,Female,0,0.13111222 +2402,Source_Img_2402,Target_Img_2402,White,Female,1,0.8350955 +2403,Source_Img_2403,Target_Img_2403,White,Female,1,0.8491996 +2404,Source_Img_2404,Target_Img_2404,White,Female,0,0.154374874 +2405,Source_Img_2405,Target_Img_2405,White,Female,1,0.7800449 +2406,Source_Img_2406,Target_Img_2406,White,Female,1,0.93095643 +2407,Source_Img_2407,Target_Img_2407,White,Female,1,0.7298429 +2408,Source_Img_2408,Target_Img_2408,White,Female,0,0.21218321 +2409,Source_Img_2409,Target_Img_2409,White,Female,1,0.92983195 +2410,Source_Img_2410,Target_Img_2410,White,Female,0,0.04453105 +2411,Source_Img_2411,Target_Img_2411,White,Female,1,1 +2412,Source_Img_2412,Target_Img_2412,White,Female,0,0.0752641 +2413,Source_Img_2413,Target_Img_2413,White,Female,1,0.63037994 +2414,Source_Img_2414,Target_Img_2414,White,Female,0,0.16181893 +2415,Source_Img_2415,Target_Img_2415,White,Female,1,0.88379785 +2416,Source_Img_2416,Target_Img_2416,White,Female,1,0.72463814 +2417,Source_Img_2417,Target_Img_2417,White,Female,1,0.68913643 +2418,Source_Img_2418,Target_Img_2418,White,Female,0,0.20960448 +2419,Source_Img_2419,Target_Img_2419,White,Female,1,0.68913693 +2420,Source_Img_2420,Target_Img_2420,White,Female,1,0.8337501 +2421,Source_Img_2421,Target_Img_2421,White,Female,0,0.21691815 +2422,Source_Img_2422,Target_Img_2422,White,Female,0,0.17811643 +2423,Source_Img_2423,Target_Img_2423,White,Female,0,0.01716856 +2424,Source_Img_2424,Target_Img_2424,White,Female,1,0.7177066 +2425,Source_Img_2425,Target_Img_2425,White,Female,0,0.09933963 +2426,Source_Img_2426,Target_Img_2426,White,Female,0,0.09034055 +2427,Source_Img_2427,Target_Img_2427,White,Female,1,0.7153931 +2428,Source_Img_2428,Target_Img_2428,White,Female,1,0.868888 +2429,Source_Img_2429,Target_Img_2429,White,Female,1,0.8217035 +2430,Source_Img_2430,Target_Img_2430,White,Female,0,0.059030385 +2431,Source_Img_2431,Target_Img_2431,White,Female,0,0.169397996 +2432,Source_Img_2432,Target_Img_2432,White,Female,1,0.813109 +2433,Source_Img_2433,Target_Img_2433,White,Female,0,0.181812504 +2434,Source_Img_2434,Target_Img_2434,White,Female,0,0.15879396 +2435,Source_Img_2435,Target_Img_2435,White,Female,1,0.84508156 +2436,Source_Img_2436,Target_Img_2436,White,Female,1,0.8202287 +2437,Source_Img_2437,Target_Img_2437,White,Female,0,0.165084175 +2438,Source_Img_2438,Target_Img_2438,White,Female,0,0.15567166 +2439,Source_Img_2439,Target_Img_2439,White,Female,0,0.099911316 +2440,Source_Img_2440,Target_Img_2440,White,Female,1,0.59638827 +2441,Source_Img_2441,Target_Img_2441,White,Female,0,0.0920872 +2442,Source_Img_2442,Target_Img_2442,White,Female,0,0.052869444 +2443,Source_Img_2443,Target_Img_2443,White,Female,1,0.7037285 +2444,Source_Img_2444,Target_Img_2444,White,Female,0,0.0736855 +2445,Source_Img_2445,Target_Img_2445,White,Female,1,0.5261363 +2446,Source_Img_2446,Target_Img_2446,White,Female,1,0.7930968 +2447,Source_Img_2447,Target_Img_2447,White,Female,0,0 +2448,Source_Img_2448,Target_Img_2448,White,Female,0,0.098588386 +2449,Source_Img_2449,Target_Img_2449,White,Female,1,0.49008144 +2450,Source_Img_2450,Target_Img_2450,White,Female,0,0.08149147 +2451,Source_Img_2451,Target_Img_2451,White,Female,0,0.10898312 +2452,Source_Img_2452,Target_Img_2452,White,Female,1,0.8446786 +2453,Source_Img_2453,Target_Img_2453,White,Female,1,0.7637926 +2454,Source_Img_2454,Target_Img_2454,White,Female,0,0.17917067 +2455,Source_Img_2455,Target_Img_2455,White,Female,0,0.202181 +2456,Source_Img_2456,Target_Img_2456,White,Female,0,0.19342577 +2457,Source_Img_2457,Target_Img_2457,White,Female,1,0.5494377 +2458,Source_Img_2458,Target_Img_2458,White,Female,0,0.092279115 +2459,Source_Img_2459,Target_Img_2459,White,Female,1,0.77456286 +2460,Source_Img_2460,Target_Img_2460,White,Female,1,0.8220885 +2461,Source_Img_2461,Target_Img_2461,White,Female,0,0.14086848 +2462,Source_Img_2462,Target_Img_2462,White,Female,1,0.7158872 +2463,Source_Img_2463,Target_Img_2463,White,Female,1,1 +2464,Source_Img_2464,Target_Img_2464,White,Female,0,0.27655235 +2465,Source_Img_2465,Target_Img_2465,White,Female,0,0.03351856 +2466,Source_Img_2466,Target_Img_2466,White,Female,0,0.14567088 +2467,Source_Img_2467,Target_Img_2467,White,Female,1,0.68019826 +2468,Source_Img_2468,Target_Img_2468,White,Female,1,0.8039925 +2469,Source_Img_2469,Target_Img_2469,White,Female,1,0.8995626 +2470,Source_Img_2470,Target_Img_2470,White,Female,0,0.03758447 +2471,Source_Img_2471,Target_Img_2471,White,Female,1,0.7108299 +2472,Source_Img_2472,Target_Img_2472,White,Female,0,0.02573109 +2473,Source_Img_2473,Target_Img_2473,White,Female,0,0.12501946 +2474,Source_Img_2474,Target_Img_2474,White,Female,0,0.15102388 +2475,Source_Img_2475,Target_Img_2475,White,Female,0,0.07458972 +2476,Source_Img_2476,Target_Img_2476,White,Female,0,0 +2477,Source_Img_2477,Target_Img_2477,White,Female,1,0.8184908 +2478,Source_Img_2478,Target_Img_2478,White,Female,0,0.11607828 +2479,Source_Img_2479,Target_Img_2479,White,Female,0,0.183914884 +2480,Source_Img_2480,Target_Img_2480,White,Female,1,0.91 +2481,Source_Img_2481,Target_Img_2481,White,Female,1,0.7912741 +2482,Source_Img_2482,Target_Img_2482,White,Female,0,0.13604514 +2483,Source_Img_2483,Target_Img_2483,White,Female,1,0.75395515 +2484,Source_Img_2484,Target_Img_2484,White,Female,0,0.11846942 +2485,Source_Img_2485,Target_Img_2485,White,Female,1,0.908266 +2486,Source_Img_2486,Target_Img_2486,White,Female,0,0.16714405 +2487,Source_Img_2487,Target_Img_2487,White,Female,1,0.6766039 +2488,Source_Img_2488,Target_Img_2488,White,Female,1,0.977 +2489,Source_Img_2489,Target_Img_2489,White,Female,0,0.07234424 +2490,Source_Img_2490,Target_Img_2490,White,Female,1,0.62864165 +2491,Source_Img_2491,Target_Img_2491,White,Female,0,0.18661326 +2492,Source_Img_2492,Target_Img_2492,White,Female,0,0.026590005 +2493,Source_Img_2493,Target_Img_2493,White,Female,1,0.64361775 +2494,Source_Img_2494,Target_Img_2494,White,Female,0,0.09434565 +2495,Source_Img_2495,Target_Img_2495,White,Female,1,0.693271 +2496,Source_Img_2496,Target_Img_2496,White,Female,0,0.05526032 +2497,Source_Img_2497,Target_Img_2497,White,Female,0,0.15833168 +2498,Source_Img_2498,Target_Img_2498,White,Female,1,0.78584 +2499,Source_Img_2499,Target_Img_2499,White,Female,1,0.8420316 +2500,Source_Img_2500,Target_Img_2500,White,Female,1,0.8294205 +2501,Source_Img_2501,Target_Img_2501,White,Female,0,0.00164959 +2502,Source_Img_2502,Target_Img_2502,White,Female,0,0.17478485 +2503,Source_Img_2503,Target_Img_2503,White,Female,0,0 +2504,Source_Img_2504,Target_Img_2504,White,Female,1,0.8557148 +2505,Source_Img_2505,Target_Img_2505,White,Female,0,0.15210637 +2506,Source_Img_2506,Target_Img_2506,White,Female,0,0.0050604 +2507,Source_Img_2507,Target_Img_2507,White,Female,1,1 +2508,Source_Img_2508,Target_Img_2508,White,Female,0,0.003496366 +2509,Source_Img_2509,Target_Img_2509,White,Female,1,0.7667719 +2510,Source_Img_2510,Target_Img_2510,White,Female,0,0.15131539 +2511,Source_Img_2511,Target_Img_2511,White,Female,0,0.040821896 +2512,Source_Img_2512,Target_Img_2512,White,Female,1,0.86554554 +2513,Source_Img_2513,Target_Img_2513,White,Female,1,0.8635782 +2514,Source_Img_2514,Target_Img_2514,White,Female,0,0.15902996 +2515,Source_Img_2515,Target_Img_2515,White,Female,1,0.62087186 +2516,Source_Img_2516,Target_Img_2516,White,Female,1,0.80617097 +2517,Source_Img_2517,Target_Img_2517,White,Female,1,0.81261634 +2518,Source_Img_2518,Target_Img_2518,White,Female,0,0.26479878 +2519,Source_Img_2519,Target_Img_2519,White,Female,1,1 +2520,Source_Img_2520,Target_Img_2520,White,Female,0,0.34037453 +2521,Source_Img_2521,Target_Img_2521,White,Female,1,0.8069171 +2522,Source_Img_2522,Target_Img_2522,White,Female,0,0.034309454 +2523,Source_Img_2523,Target_Img_2523,White,Female,0,0.030804326 +2524,Source_Img_2524,Target_Img_2524,White,Female,0,0.162250186 +2525,Source_Img_2525,Target_Img_2525,White,Female,1,0.99622945 +2526,Source_Img_2526,Target_Img_2526,White,Female,0,0.14457591 +2527,Source_Img_2527,Target_Img_2527,White,Female,1,0.934 +2528,Source_Img_2528,Target_Img_2528,White,Female,0,0.05083365 +2529,Source_Img_2529,Target_Img_2529,White,Female,1,0.69074714 +2530,Source_Img_2530,Target_Img_2530,White,Female,0,0.1005964 +2531,Source_Img_2531,Target_Img_2531,White,Female,1,0.65178075 +2532,Source_Img_2532,Target_Img_2532,White,Female,0,0.19096036 +2533,Source_Img_2533,Target_Img_2533,White,Female,0,0.04937292 +2534,Source_Img_2534,Target_Img_2534,White,Female,1,0.6537994 +2535,Source_Img_2535,Target_Img_2535,White,Female,1,0.938 +2536,Source_Img_2536,Target_Img_2536,White,Female,1,1 +2537,Source_Img_2537,Target_Img_2537,White,Female,0,0 +2538,Source_Img_2538,Target_Img_2538,White,Female,1,0.7704481 +2539,Source_Img_2539,Target_Img_2539,White,Female,0,0.0589005 +2540,Source_Img_2540,Target_Img_2540,White,Female,0,0.042980665 +2541,Source_Img_2541,Target_Img_2541,White,Female,1,1 +2542,Source_Img_2542,Target_Img_2542,White,Female,0,0.10528983 +2543,Source_Img_2543,Target_Img_2543,White,Female,1,0.6585036 +2544,Source_Img_2544,Target_Img_2544,White,Female,0,0.15055687 +2545,Source_Img_2545,Target_Img_2545,White,Female,1,0.69797994 +2546,Source_Img_2546,Target_Img_2546,White,Female,0,0.139119455 +2547,Source_Img_2547,Target_Img_2547,White,Female,1,0.82956523 +2548,Source_Img_2548,Target_Img_2548,White,Female,1,0.40429847 +2549,Source_Img_2549,Target_Img_2549,White,Female,1,0.8064477 +2550,Source_Img_2550,Target_Img_2550,White,Female,0,0.00220414 +2551,Source_Img_2551,Target_Img_2551,White,Female,1,0.91 +2552,Source_Img_2552,Target_Img_2552,White,Female,0,0.12234227 +2553,Source_Img_2553,Target_Img_2553,White,Female,0,0.05757666 +2554,Source_Img_2554,Target_Img_2554,White,Female,1,0.949 +2555,Source_Img_2555,Target_Img_2555,White,Female,0,0.016065415 +2556,Source_Img_2556,Target_Img_2556,White,Female,1,0.9029215 +2557,Source_Img_2557,Target_Img_2557,White,Female,1,0.7353795 +2558,Source_Img_2558,Target_Img_2558,White,Female,1,1 +2559,Source_Img_2559,Target_Img_2559,White,Female,0,0.196969545 +2560,Source_Img_2560,Target_Img_2560,White,Female,1,0.53778594 +2561,Source_Img_2561,Target_Img_2561,White,Female,0,0.09642418 +2562,Source_Img_2562,Target_Img_2562,White,Female,0,0.186344564 +2563,Source_Img_2563,Target_Img_2563,White,Female,1,0.687861 +2564,Source_Img_2564,Target_Img_2564,White,Female,1,0.83459064 +2565,Source_Img_2565,Target_Img_2565,White,Female,0,0.160339375 +2566,Source_Img_2566,Target_Img_2566,White,Female,1,1 +2567,Source_Img_2567,Target_Img_2567,White,Female,0,0 +2568,Source_Img_2568,Target_Img_2568,White,Female,1,0.928 +2569,Source_Img_2569,Target_Img_2569,White,Female,0,0.12722764 +2570,Source_Img_2570,Target_Img_2570,White,Female,0,0.00921423 +2571,Source_Img_2571,Target_Img_2571,White,Female,1,0.69790065 +2572,Source_Img_2572,Target_Img_2572,White,Female,1,0.8372399 +2573,Source_Img_2573,Target_Img_2573,White,Female,0,0.10157596 +2574,Source_Img_2574,Target_Img_2574,White,Female,1,0.78389023 +2575,Source_Img_2575,Target_Img_2575,White,Female,1,1 +2576,Source_Img_2576,Target_Img_2576,White,Female,0,0.17266282 +2577,Source_Img_2577,Target_Img_2577,White,Female,1,0.6322357 +2578,Source_Img_2578,Target_Img_2578,White,Female,1,0.8245427 +2579,Source_Img_2579,Target_Img_2579,White,Female,0,0.07041175 +2580,Source_Img_2580,Target_Img_2580,White,Female,1,0.7853249 +2581,Source_Img_2581,Target_Img_2581,White,Female,0,0.04403732 +2582,Source_Img_2582,Target_Img_2582,White,Female,1,0.8343303 +2583,Source_Img_2583,Target_Img_2583,White,Female,0,0.03918123 +2584,Source_Img_2584,Target_Img_2584,White,Female,0,0.04365471 +2585,Source_Img_2585,Target_Img_2585,White,Female,0,0.03671477 +2586,Source_Img_2586,Target_Img_2586,White,Female,1,0.43388524 +2587,Source_Img_2587,Target_Img_2587,White,Female,0,0.08157922 +2588,Source_Img_2588,Target_Img_2588,White,Female,1,0.74279737 +2589,Source_Img_2589,Target_Img_2589,White,Female,1,0.7343181 +2590,Source_Img_2590,Target_Img_2590,White,Female,0,0 +2591,Source_Img_2591,Target_Img_2591,White,Female,1,0.6549179 +2592,Source_Img_2592,Target_Img_2592,White,Female,0,0.04317752 +2593,Source_Img_2593,Target_Img_2593,White,Female,1,1 +2594,Source_Img_2594,Target_Img_2594,White,Female,0,0.15825116 +2595,Source_Img_2595,Target_Img_2595,White,Female,1,0.6045944 +2596,Source_Img_2596,Target_Img_2596,White,Female,0,0.1948098 +2597,Source_Img_2597,Target_Img_2597,White,Female,1,0.68050163 +2598,Source_Img_2598,Target_Img_2598,White,Female,1,0.89781003 +2599,Source_Img_2599,Target_Img_2599,White,Female,0,0.0884021 +2600,Source_Img_2600,Target_Img_2600,White,Female,0,0.0629327 +2601,Source_Img_2601,Target_Img_2601,White,Female,0,0.17883652 +2602,Source_Img_2602,Target_Img_2602,White,Female,0,0.024672944 +2603,Source_Img_2603,Target_Img_2603,White,Female,1,0.5215879 +2604,Source_Img_2604,Target_Img_2604,White,Female,0,0.140089666 +2605,Source_Img_2605,Target_Img_2605,White,Female,1,0.94504335 +2606,Source_Img_2606,Target_Img_2606,White,Female,1,0.943 +2607,Source_Img_2607,Target_Img_2607,White,Female,0,0.10615709 +2608,Source_Img_2608,Target_Img_2608,White,Female,1,0.59974936 +2609,Source_Img_2609,Target_Img_2609,White,Female,1,1 +2610,Source_Img_2610,Target_Img_2610,White,Female,1,0.7715263 +2611,Source_Img_2611,Target_Img_2611,White,Female,0,0.009911716 +2612,Source_Img_2612,Target_Img_2612,White,Female,1,0.71316033 +2613,Source_Img_2613,Target_Img_2613,White,Female,0,0.101209785 +2614,Source_Img_2614,Target_Img_2614,White,Female,1,0.8137627 +2615,Source_Img_2615,Target_Img_2615,White,Female,0,0.23052731 +2616,Source_Img_2616,Target_Img_2616,White,Female,1,0.86589976 +2617,Source_Img_2617,Target_Img_2617,White,Female,1,0.76580995 +2618,Source_Img_2618,Target_Img_2618,White,Female,0,0.186688356 +2619,Source_Img_2619,Target_Img_2619,White,Female,1,0.86853196 +2620,Source_Img_2620,Target_Img_2620,White,Female,0,0.17554134 +2621,Source_Img_2621,Target_Img_2621,White,Female,1,1 +2622,Source_Img_2622,Target_Img_2622,White,Female,0,0.01579665 +2623,Source_Img_2623,Target_Img_2623,White,Female,1,0.90730225 +2624,Source_Img_2624,Target_Img_2624,White,Female,0,0.00992253 +2625,Source_Img_2625,Target_Img_2625,White,Female,1,0.883888 +2626,Source_Img_2626,Target_Img_2626,White,Female,0,0.143600146 +2627,Source_Img_2627,Target_Img_2627,White,Female,0,0.2285123 +2628,Source_Img_2628,Target_Img_2628,White,Female,1,0.795727 +2629,Source_Img_2629,Target_Img_2629,White,Female,1,0.6607086 +2630,Source_Img_2630,Target_Img_2630,White,Female,1,0.7897382 +2631,Source_Img_2631,Target_Img_2631,White,Female,0,0.048737775 +2632,Source_Img_2632,Target_Img_2632,White,Female,0,0.04257775 +2633,Source_Img_2633,Target_Img_2633,White,Female,1,0.7734238 +2634,Source_Img_2634,Target_Img_2634,White,Female,1,0.7781742 +2635,Source_Img_2635,Target_Img_2635,White,Female,0,0.068318224 +2636,Source_Img_2636,Target_Img_2636,White,Female,1,0.9235765 +2637,Source_Img_2637,Target_Img_2637,White,Female,1,0.69637345 +2638,Source_Img_2638,Target_Img_2638,White,Female,1,0.8022228 +2639,Source_Img_2639,Target_Img_2639,White,Female,0,0 +2640,Source_Img_2640,Target_Img_2640,White,Female,0,0 +2641,Source_Img_2641,Target_Img_2641,White,Female,1,0.59001896 +2642,Source_Img_2642,Target_Img_2642,White,Female,0,0.009370085 +2643,Source_Img_2643,Target_Img_2643,White,Female,1,1 +2644,Source_Img_2644,Target_Img_2644,White,Female,0,0.07059956 +2645,Source_Img_2645,Target_Img_2645,White,Female,1,0.8872233 +2646,Source_Img_2646,Target_Img_2646,White,Female,1,0.66897864 +2647,Source_Img_2647,Target_Img_2647,White,Female,0,0.06817448 +2648,Source_Img_2648,Target_Img_2648,White,Female,1,0.6371694 +2649,Source_Img_2649,Target_Img_2649,White,Female,0,0.07435973 +2650,Source_Img_2650,Target_Img_2650,White,Female,0,0.19358176 +2651,Source_Img_2651,Target_Img_2651,White,Female,0,0.149282364 +2652,Source_Img_2652,Target_Img_2652,White,Female,1,1 +2653,Source_Img_2653,Target_Img_2653,White,Female,1,0.7801761 +2654,Source_Img_2654,Target_Img_2654,White,Female,1,0.8555664 +2655,Source_Img_2655,Target_Img_2655,White,Female,0,0.03132529 +2656,Source_Img_2656,Target_Img_2656,White,Female,1,0.7136877 +2657,Source_Img_2657,Target_Img_2657,White,Female,0,0.01223787 +2658,Source_Img_2658,Target_Img_2658,White,Female,0,0.04483936 +2659,Source_Img_2659,Target_Img_2659,White,Female,0,0.060271784 +2660,Source_Img_2660,Target_Img_2660,White,Female,0,0.30487651 +2661,Source_Img_2661,Target_Img_2661,White,Female,0,0.02199714 +2662,Source_Img_2662,Target_Img_2662,White,Female,1,0.71984704 +2663,Source_Img_2663,Target_Img_2663,White,Female,1,0.73723233 +2664,Source_Img_2664,Target_Img_2664,White,Female,1,1 +2665,Source_Img_2665,Target_Img_2665,White,Female,1,0.86024726 +2666,Source_Img_2666,Target_Img_2666,White,Female,1,0.86956474 +2667,Source_Img_2667,Target_Img_2667,White,Female,1,0.66743964 +2668,Source_Img_2668,Target_Img_2668,White,Female,1,1 +2669,Source_Img_2669,Target_Img_2669,White,Female,0,0.14171424 +2670,Source_Img_2670,Target_Img_2670,White,Female,1,0.7843196 +2671,Source_Img_2671,Target_Img_2671,White,Female,0,0.124955496 +2672,Source_Img_2672,Target_Img_2672,White,Female,1,0.61522843 +2673,Source_Img_2673,Target_Img_2673,White,Female,0,0.11705752 +2674,Source_Img_2674,Target_Img_2674,White,Female,1,0.73852366 +2675,Source_Img_2675,Target_Img_2675,White,Female,1,0.78021824 +2676,Source_Img_2676,Target_Img_2676,White,Female,0,0.17918465 +2677,Source_Img_2677,Target_Img_2677,White,Female,0,0.1587603 +2678,Source_Img_2678,Target_Img_2678,White,Female,1,0.85001097 +2679,Source_Img_2679,Target_Img_2679,White,Female,0,0.05735744 +2680,Source_Img_2680,Target_Img_2680,White,Female,0,0.24100078 +2681,Source_Img_2681,Target_Img_2681,White,Female,1,0.70015437 +2682,Source_Img_2682,Target_Img_2682,White,Female,1,0.661007 +2683,Source_Img_2683,Target_Img_2683,White,Female,0,0.06616437 +2684,Source_Img_2684,Target_Img_2684,White,Female,1,0.56336636 +2685,Source_Img_2685,Target_Img_2685,White,Female,1,0.6203547 +2686,Source_Img_2686,Target_Img_2686,White,Female,0,0.28905045 +2687,Source_Img_2687,Target_Img_2687,White,Female,0,0.04522995 +2688,Source_Img_2688,Target_Img_2688,White,Female,1,0.999288 +2689,Source_Img_2689,Target_Img_2689,White,Female,0,0.19520819 +2690,Source_Img_2690,Target_Img_2690,White,Female,0,0.01419587 +2691,Source_Img_2691,Target_Img_2691,White,Female,0,0.061508414 +2692,Source_Img_2692,Target_Img_2692,White,Female,1,0.974 +2693,Source_Img_2693,Target_Img_2693,White,Female,1,1 +2694,Source_Img_2694,Target_Img_2694,White,Female,1,0.79397557 +2695,Source_Img_2695,Target_Img_2695,White,Female,0,0.2432979 +2696,Source_Img_2696,Target_Img_2696,White,Female,1,0.7614909 +2697,Source_Img_2697,Target_Img_2697,White,Female,0,0.14353578 +2698,Source_Img_2698,Target_Img_2698,White,Female,0,0.053600184 +2699,Source_Img_2699,Target_Img_2699,White,Female,0,0.07592116 +2700,Source_Img_2700,Target_Img_2700,White,Female,1,1 +2701,Source_Img_2701,Target_Img_2701,White,Female,0,0.13189649 +2702,Source_Img_2702,Target_Img_2702,White,Female,1,0.7361148 +2703,Source_Img_2703,Target_Img_2703,White,Female,0,0.07461347 +2704,Source_Img_2704,Target_Img_2704,White,Female,1,0.87297615 +2705,Source_Img_2705,Target_Img_2705,White,Female,0,0.21500063 +2706,Source_Img_2706,Target_Img_2706,White,Female,0,0.04036152 +2707,Source_Img_2707,Target_Img_2707,White,Female,0,0.202866954 +2708,Source_Img_2708,Target_Img_2708,White,Female,1,0.7526811 +2709,Source_Img_2709,Target_Img_2709,White,Female,0,0.11818034 +2710,Source_Img_2710,Target_Img_2710,White,Female,0,0.16176339 +2711,Source_Img_2711,Target_Img_2711,White,Female,1,0.86247056 +2712,Source_Img_2712,Target_Img_2712,White,Female,0,0.19180106 +2713,Source_Img_2713,Target_Img_2713,White,Female,0,0.015018984 +2714,Source_Img_2714,Target_Img_2714,White,Female,1,0.62934184 +2715,Source_Img_2715,Target_Img_2715,White,Female,1,0.70718753 +2716,Source_Img_2716,Target_Img_2716,White,Female,1,0.5204108 +2717,Source_Img_2717,Target_Img_2717,White,Female,1,0.763708 +2718,Source_Img_2718,Target_Img_2718,White,Female,1,0.69669136 +2719,Source_Img_2719,Target_Img_2719,White,Female,0,0.05093913 +2720,Source_Img_2720,Target_Img_2720,White,Female,0,0.09089352 +2721,Source_Img_2721,Target_Img_2721,White,Female,1,0.6373601 +2722,Source_Img_2722,Target_Img_2722,White,Female,1,0.78891536 +2723,Source_Img_2723,Target_Img_2723,White,Female,1,0.60039704 +2724,Source_Img_2724,Target_Img_2724,White,Female,0,0.22927053 +2725,Source_Img_2725,Target_Img_2725,White,Female,1,0.8194319 +2726,Source_Img_2726,Target_Img_2726,White,Female,0,0.19219628 +2727,Source_Img_2727,Target_Img_2727,White,Female,0,0.051824 +2728,Source_Img_2728,Target_Img_2728,White,Female,1,0.9339116 +2729,Source_Img_2729,Target_Img_2729,White,Female,0,0.07166613 +2730,Source_Img_2730,Target_Img_2730,White,Female,0,0.075208385 +2731,Source_Img_2731,Target_Img_2731,White,Female,1,0.4768819 +2732,Source_Img_2732,Target_Img_2732,White,Female,1,1 +2733,Source_Img_2733,Target_Img_2733,White,Female,0,0.158112656 +2734,Source_Img_2734,Target_Img_2734,White,Female,0,0.1909831 +2735,Source_Img_2735,Target_Img_2735,White,Female,1,0.87528036 +2736,Source_Img_2736,Target_Img_2736,White,Female,0,0.18357859 +2737,Source_Img_2737,Target_Img_2737,White,Female,1,1 +2738,Source_Img_2738,Target_Img_2738,White,Female,0,0.06412274 +2739,Source_Img_2739,Target_Img_2739,White,Female,1,0.7466817 +2740,Source_Img_2740,Target_Img_2740,White,Female,0,0.05292424 +2741,Source_Img_2741,Target_Img_2741,White,Female,1,0.7092182 +2742,Source_Img_2742,Target_Img_2742,White,Female,0,0.012876834 +2743,Source_Img_2743,Target_Img_2743,White,Female,0,0.214849086 +2744,Source_Img_2744,Target_Img_2744,White,Female,1,0.69412965 +2745,Source_Img_2745,Target_Img_2745,White,Female,0,0.139294264 +2746,Source_Img_2746,Target_Img_2746,White,Female,0,0.11916389 +2747,Source_Img_2747,Target_Img_2747,White,Female,1,0.6282717 +2748,Source_Img_2748,Target_Img_2748,White,Female,1,0.720955 +2749,Source_Img_2749,Target_Img_2749,White,Female,0,0.17891804 +2750,Source_Img_2750,Target_Img_2750,White,Female,0,0.13490112 +2751,Source_Img_2751,Target_Img_2751,White,Female,1,0.79967416 +2752,Source_Img_2752,Target_Img_2752,White,Female,0,0.11465844 +2753,Source_Img_2753,Target_Img_2753,White,Female,1,0.8275905 +2754,Source_Img_2754,Target_Img_2754,White,Female,0,0.10795136 +2755,Source_Img_2755,Target_Img_2755,White,Female,1,0.71922334 +2756,Source_Img_2756,Target_Img_2756,White,Female,1,0.8748165 +2757,Source_Img_2757,Target_Img_2757,White,Female,1,0.9256755 +2758,Source_Img_2758,Target_Img_2758,White,Female,1,0.83106084 +2759,Source_Img_2759,Target_Img_2759,White,Female,0,0.141560976 +2760,Source_Img_2760,Target_Img_2760,White,Female,0,0.173536275 +2761,Source_Img_2761,Target_Img_2761,White,Female,0,0.23021885 +2762,Source_Img_2762,Target_Img_2762,White,Female,0,0.19952961 +2763,Source_Img_2763,Target_Img_2763,White,Female,1,0.70875355 +2764,Source_Img_2764,Target_Img_2764,White,Female,0,0.14189252 +2765,Source_Img_2765,Target_Img_2765,White,Female,1,1 +2766,Source_Img_2766,Target_Img_2766,White,Female,0,0.19546836 +2767,Source_Img_2767,Target_Img_2767,White,Female,0,0.180592784 +2768,Source_Img_2768,Target_Img_2768,White,Female,1,0.8145698 +2769,Source_Img_2769,Target_Img_2769,White,Female,1,0.56075696 +2770,Source_Img_2770,Target_Img_2770,White,Female,1,0.8714156 +2771,Source_Img_2771,Target_Img_2771,White,Female,0,0.082205686 +2772,Source_Img_2772,Target_Img_2772,White,Female,1,0.87379324 +2773,Source_Img_2773,Target_Img_2773,White,Female,0,0.15098113 +2774,Source_Img_2774,Target_Img_2774,White,Female,1,0.916 +2775,Source_Img_2775,Target_Img_2775,White,Female,0,0.052294556 +2776,Source_Img_2776,Target_Img_2776,White,Female,1,0.7344596 +2777,Source_Img_2777,Target_Img_2777,White,Female,1,0.80441004 +2778,Source_Img_2778,Target_Img_2778,White,Female,1,0.68400773 +2779,Source_Img_2779,Target_Img_2779,White,Female,0,0.18939109 +2780,Source_Img_2780,Target_Img_2780,White,Female,0,0.13677706 +2781,Source_Img_2781,Target_Img_2781,White,Female,0,0.029476726 +2782,Source_Img_2782,Target_Img_2782,White,Female,1,0.80693763 +2783,Source_Img_2783,Target_Img_2783,White,Female,1,0.6128338 +2784,Source_Img_2784,Target_Img_2784,White,Female,0,0.10807479 +2785,Source_Img_2785,Target_Img_2785,White,Female,0,0.012121434 +2786,Source_Img_2786,Target_Img_2786,White,Female,1,0.7512502 +2787,Source_Img_2787,Target_Img_2787,White,Female,0,0.20205345 +2788,Source_Img_2788,Target_Img_2788,White,Female,1,0.72560735 +2789,Source_Img_2789,Target_Img_2789,White,Female,0,0.08348968 +2790,Source_Img_2790,Target_Img_2790,White,Female,1,0.6427801 +2791,Source_Img_2791,Target_Img_2791,White,Female,0,0.111758366 +2792,Source_Img_2792,Target_Img_2792,White,Female,0,0.007537816 +2793,Source_Img_2793,Target_Img_2793,White,Female,1,1 +2794,Source_Img_2794,Target_Img_2794,White,Female,1,0.5605194 +2795,Source_Img_2795,Target_Img_2795,White,Female,0,0.17898226 +2796,Source_Img_2796,Target_Img_2796,White,Female,1,0.9613172 +2797,Source_Img_2797,Target_Img_2797,White,Female,1,0.7920516 +2798,Source_Img_2798,Target_Img_2798,White,Female,1,0.6357022 +2799,Source_Img_2799,Target_Img_2799,White,Female,0,0.13115545 +2800,Source_Img_2800,Target_Img_2800,White,Female,0,0.07016927 +2801,Source_Img_2801,Target_Img_2801,White,Female,1,0.67917113 +2802,Source_Img_2802,Target_Img_2802,White,Female,0,0.005268936 +2803,Source_Img_2803,Target_Img_2803,White,Female,1,0.8161403 +2804,Source_Img_2804,Target_Img_2804,White,Female,0,0.14977682 +2805,Source_Img_2805,Target_Img_2805,White,Female,1,0.6760252 +2806,Source_Img_2806,Target_Img_2806,White,Female,0,0.063663654 +2807,Source_Img_2807,Target_Img_2807,White,Female,0,0.151661595 +2808,Source_Img_2808,Target_Img_2808,White,Female,0,0.115381046 +2809,Source_Img_2809,Target_Img_2809,White,Female,0,0.14067902 +2810,Source_Img_2810,Target_Img_2810,White,Female,1,0.4053872 +2811,Source_Img_2811,Target_Img_2811,White,Female,0,0.155016164 +2812,Source_Img_2812,Target_Img_2812,White,Female,1,0.55711386 +2813,Source_Img_2813,Target_Img_2813,White,Female,0,0.11039057 +2814,Source_Img_2814,Target_Img_2814,White,Female,1,0.6962076 +2815,Source_Img_2815,Target_Img_2815,White,Female,1,0.947 +2816,Source_Img_2816,Target_Img_2816,White,Female,0,0.20376293 +2817,Source_Img_2817,Target_Img_2817,White,Female,0,0.141388114 +2818,Source_Img_2818,Target_Img_2818,White,Female,0,0.1148396 +2819,Source_Img_2819,Target_Img_2819,White,Female,0,0.109476695 +2820,Source_Img_2820,Target_Img_2820,White,Female,1,0.7466983 +2821,Source_Img_2821,Target_Img_2821,White,Female,1,0.92473755 +2822,Source_Img_2822,Target_Img_2822,White,Female,0,0.09820921 +2823,Source_Img_2823,Target_Img_2823,White,Female,0,0.0560769 +2824,Source_Img_2824,Target_Img_2824,White,Female,1,0.84986446 +2825,Source_Img_2825,Target_Img_2825,White,Female,0,0.24091725 +2826,Source_Img_2826,Target_Img_2826,White,Female,1,0.6086316 +2827,Source_Img_2827,Target_Img_2827,White,Female,1,0.8612116 +2828,Source_Img_2828,Target_Img_2828,White,Female,0,0.19871386 +2829,Source_Img_2829,Target_Img_2829,White,Female,1,0.457093 +2830,Source_Img_2830,Target_Img_2830,White,Female,0,0.093985604 +2831,Source_Img_2831,Target_Img_2831,White,Female,1,0.5710924 +2832,Source_Img_2832,Target_Img_2832,White,Female,1,0.6868886 +2833,Source_Img_2833,Target_Img_2833,White,Female,1,0.6513125 +2834,Source_Img_2834,Target_Img_2834,White,Female,0,0.07010906 +2835,Source_Img_2835,Target_Img_2835,White,Female,1,0.79556346 +2836,Source_Img_2836,Target_Img_2836,White,Female,0,0.18349193 +2837,Source_Img_2837,Target_Img_2837,White,Female,1,0.6396811 +2838,Source_Img_2838,Target_Img_2838,White,Female,1,0.7976436 +2839,Source_Img_2839,Target_Img_2839,White,Female,0,0.191510164 +2840,Source_Img_2840,Target_Img_2840,White,Female,1,0.7853803 +2841,Source_Img_2841,Target_Img_2841,White,Female,0,0.05402889 +2842,Source_Img_2842,Target_Img_2842,White,Female,1,0.6637266 +2843,Source_Img_2843,Target_Img_2843,White,Female,0,0.03039462 +2844,Source_Img_2844,Target_Img_2844,White,Female,1,0.9755217 +2845,Source_Img_2845,Target_Img_2845,White,Female,1,0.983 +2846,Source_Img_2846,Target_Img_2846,White,Female,1,0.9147191 +2847,Source_Img_2847,Target_Img_2847,White,Female,0,0.08295344 +2848,Source_Img_2848,Target_Img_2848,White,Female,0,0.105371936 +2849,Source_Img_2849,Target_Img_2849,White,Female,1,0.76416825 +2850,Source_Img_2850,Target_Img_2850,White,Female,0,0.1273951 +2851,Source_Img_2851,Target_Img_2851,White,Female,1,0.7247546 +2852,Source_Img_2852,Target_Img_2852,White,Female,0,0.0621149 +2853,Source_Img_2853,Target_Img_2853,White,Female,0,0.02621923 +2854,Source_Img_2854,Target_Img_2854,White,Female,0,0.18542032 +2855,Source_Img_2855,Target_Img_2855,White,Female,0,0.13445504 +2856,Source_Img_2856,Target_Img_2856,White,Female,1,0.63634954 +2857,Source_Img_2857,Target_Img_2857,White,Female,0,0 +2858,Source_Img_2858,Target_Img_2858,White,Female,0,0 +2859,Source_Img_2859,Target_Img_2859,White,Female,1,0.789082 +2860,Source_Img_2860,Target_Img_2860,White,Female,0,0.03112932 +2861,Source_Img_2861,Target_Img_2861,White,Female,1,0.75390155 +2862,Source_Img_2862,Target_Img_2862,White,Female,1,0.6405094 +2863,Source_Img_2863,Target_Img_2863,White,Female,0,0 +2864,Source_Img_2864,Target_Img_2864,White,Female,0,0.17818442 +2865,Source_Img_2865,Target_Img_2865,White,Female,1,0.6138457 +2866,Source_Img_2866,Target_Img_2866,White,Female,1,0.75411846 +2867,Source_Img_2867,Target_Img_2867,White,Female,0,0.14260547 +2868,Source_Img_2868,Target_Img_2868,White,Female,0,0.11639604 +2869,Source_Img_2869,Target_Img_2869,White,Female,0,0.17153412 +2870,Source_Img_2870,Target_Img_2870,White,Female,1,0.56807935 +2871,Source_Img_2871,Target_Img_2871,White,Female,1,0.64760446 +2872,Source_Img_2872,Target_Img_2872,White,Female,0,0.059951604 +2873,Source_Img_2873,Target_Img_2873,White,Female,1,1 +2874,Source_Img_2874,Target_Img_2874,White,Female,1,0.943677 +2875,Source_Img_2875,Target_Img_2875,White,Female,0,0.159157504 +2876,Source_Img_2876,Target_Img_2876,White,Female,0,0 +2877,Source_Img_2877,Target_Img_2877,White,Female,0,0.15215141 +2878,Source_Img_2878,Target_Img_2878,White,Female,1,0.6977902 +2879,Source_Img_2879,Target_Img_2879,White,Female,1,0.75428036 +2880,Source_Img_2880,Target_Img_2880,White,Female,0,0.07674499 +2881,Source_Img_2881,Target_Img_2881,White,Female,1,0.8529044 +2882,Source_Img_2882,Target_Img_2882,White,Female,0,0.14697163 +2883,Source_Img_2883,Target_Img_2883,White,Female,0,0.14185497 +2884,Source_Img_2884,Target_Img_2884,White,Female,0,0.086528416 +2885,Source_Img_2885,Target_Img_2885,White,Female,1,0.7627412 +2886,Source_Img_2886,Target_Img_2886,White,Female,1,0.8815786 +2887,Source_Img_2887,Target_Img_2887,White,Female,1,0.67208306 +2888,Source_Img_2888,Target_Img_2888,White,Female,0,0.18994462 +2889,Source_Img_2889,Target_Img_2889,White,Female,0,0.09603041 +2890,Source_Img_2890,Target_Img_2890,White,Female,1,0.75298384 +2891,Source_Img_2891,Target_Img_2891,White,Female,1,0.65184736 +2892,Source_Img_2892,Target_Img_2892,White,Female,0,0.099774995 +2893,Source_Img_2893,Target_Img_2893,White,Female,1,0.70155935 +2894,Source_Img_2894,Target_Img_2894,White,Female,0,0.03052876 +2895,Source_Img_2895,Target_Img_2895,White,Female,0,0.00339163 +2896,Source_Img_2896,Target_Img_2896,White,Female,1,0.77006533 +2897,Source_Img_2897,Target_Img_2897,White,Female,0,0 +2898,Source_Img_2898,Target_Img_2898,White,Female,0,0.11630911 +2899,Source_Img_2899,Target_Img_2899,White,Female,1,0.53987784 +2900,Source_Img_2900,Target_Img_2900,White,Female,1,0.8467542 +2901,Source_Img_2901,Target_Img_2901,White,Female,0,0.06143341 +2902,Source_Img_2902,Target_Img_2902,White,Female,1,0.9737768 +2903,Source_Img_2903,Target_Img_2903,White,Female,0,0.15739581 +2904,Source_Img_2904,Target_Img_2904,White,Female,0,0.11700779 +2905,Source_Img_2905,Target_Img_2905,White,Female,1,1 +2906,Source_Img_2906,Target_Img_2906,White,Female,1,0.7238255 +2907,Source_Img_2907,Target_Img_2907,White,Female,0,0.121679194 +2908,Source_Img_2908,Target_Img_2908,White,Female,0,0.21000764 +2909,Source_Img_2909,Target_Img_2909,White,Female,1,0.70392154 +2910,Source_Img_2910,Target_Img_2910,White,Female,0,0.06561015 +2911,Source_Img_2911,Target_Img_2911,White,Female,1,0.7028612 +2912,Source_Img_2912,Target_Img_2912,White,Female,0,0.08321053 +2913,Source_Img_2913,Target_Img_2913,White,Female,0,0.05540812 +2914,Source_Img_2914,Target_Img_2914,White,Female,1,0.6624829 +2915,Source_Img_2915,Target_Img_2915,White,Female,0,0.18555128 +2916,Source_Img_2916,Target_Img_2916,White,Female,0,0.10783079 +2917,Source_Img_2917,Target_Img_2917,White,Female,0,0.19135985 +2918,Source_Img_2918,Target_Img_2918,White,Female,1,0.8858704 +2919,Source_Img_2919,Target_Img_2919,White,Female,0,0.05114812 +2920,Source_Img_2920,Target_Img_2920,White,Female,1,0.6976261 +2921,Source_Img_2921,Target_Img_2921,White,Female,1,0.7068553 +2922,Source_Img_2922,Target_Img_2922,White,Female,0,0.00841046 +2923,Source_Img_2923,Target_Img_2923,White,Female,0,0.08466312 +2924,Source_Img_2924,Target_Img_2924,White,Female,1,1 +2925,Source_Img_2925,Target_Img_2925,White,Female,0,0.13657347 +2926,Source_Img_2926,Target_Img_2926,White,Female,1,0.720595 +2927,Source_Img_2927,Target_Img_2927,White,Female,0,0.016060255 +2928,Source_Img_2928,Target_Img_2928,White,Female,1,0.8374718 +2929,Source_Img_2929,Target_Img_2929,White,Female,0,0.29705232 +2930,Source_Img_2930,Target_Img_2930,White,Female,0,0.11583561 +2931,Source_Img_2931,Target_Img_2931,White,Female,1,0.8529261 +2932,Source_Img_2932,Target_Img_2932,White,Female,1,0.86936146 +2933,Source_Img_2933,Target_Img_2933,White,Female,0,0.08199046 +2934,Source_Img_2934,Target_Img_2934,White,Female,1,0.8075616 +2935,Source_Img_2935,Target_Img_2935,White,Female,1,0.70872013 +2936,Source_Img_2936,Target_Img_2936,White,Female,0,0.18171241 +2937,Source_Img_2937,Target_Img_2937,White,Female,0,0.14540138 +2938,Source_Img_2938,Target_Img_2938,White,Female,1,0.8356393 +2939,Source_Img_2939,Target_Img_2939,White,Female,0,0.00604924 +2940,Source_Img_2940,Target_Img_2940,White,Female,1,0.66266016 +2941,Source_Img_2941,Target_Img_2941,White,Female,1,0.6554218 +2942,Source_Img_2942,Target_Img_2942,White,Female,0,0.12722833 +2943,Source_Img_2943,Target_Img_2943,White,Female,0,0.1697735 +2944,Source_Img_2944,Target_Img_2944,White,Female,1,0.92135324 +2945,Source_Img_2945,Target_Img_2945,White,Female,1,0.7390111 +2946,Source_Img_2946,Target_Img_2946,White,Female,0,0.136918515 +2947,Source_Img_2947,Target_Img_2947,White,Female,0,0.14115287 +2948,Source_Img_2948,Target_Img_2948,White,Female,1,0.71794253 +2949,Source_Img_2949,Target_Img_2949,White,Female,1,0.6150587 +2950,Source_Img_2950,Target_Img_2950,White,Female,0,0.08858529 +2951,Source_Img_2951,Target_Img_2951,White,Female,0,0.09677254 +2952,Source_Img_2952,Target_Img_2952,White,Female,1,0.846682 +2953,Source_Img_2953,Target_Img_2953,White,Female,1,0.760688 +2954,Source_Img_2954,Target_Img_2954,White,Female,0,0.029700256 +2955,Source_Img_2955,Target_Img_2955,White,Female,1,0.49844415 +2956,Source_Img_2956,Target_Img_2956,White,Female,0,0.08789067 +2957,Source_Img_2957,Target_Img_2957,White,Female,1,0.945 +2958,Source_Img_2958,Target_Img_2958,White,Female,0,0.14452873 +2959,Source_Img_2959,Target_Img_2959,White,Female,0,0.13000414 +2960,Source_Img_2960,Target_Img_2960,White,Female,1,0.77168916 +2961,Source_Img_2961,Target_Img_2961,White,Female,1,0.8360039 +2962,Source_Img_2962,Target_Img_2962,White,Female,1,1 +2963,Source_Img_2963,Target_Img_2963,White,Female,1,0.984 +2964,Source_Img_2964,Target_Img_2964,White,Female,1,0.7576299 +2965,Source_Img_2965,Target_Img_2965,White,Female,1,0.77822133 +2966,Source_Img_2966,Target_Img_2966,White,Female,1,0.949 +2967,Source_Img_2967,Target_Img_2967,White,Female,0,0.11527633 +2968,Source_Img_2968,Target_Img_2968,White,Female,0,0 +2969,Source_Img_2969,Target_Img_2969,White,Female,0,0.09816263 +2970,Source_Img_2970,Target_Img_2970,White,Female,1,0.6889874 +2971,Source_Img_2971,Target_Img_2971,White,Female,1,0.8599072 +2972,Source_Img_2972,Target_Img_2972,White,Female,1,0.75494605 +2973,Source_Img_2973,Target_Img_2973,White,Female,1,0.69841953 +2974,Source_Img_2974,Target_Img_2974,White,Female,0,0.20397426 +2975,Source_Img_2975,Target_Img_2975,White,Female,1,0.7981615 +2976,Source_Img_2976,Target_Img_2976,White,Female,0,0.14856295 +2977,Source_Img_2977,Target_Img_2977,White,Female,0,0.29425329 +2978,Source_Img_2978,Target_Img_2978,White,Female,1,0.923 +2979,Source_Img_2979,Target_Img_2979,White,Female,0,0.0460198 +2980,Source_Img_2980,Target_Img_2980,White,Female,1,0.783608 +2981,Source_Img_2981,Target_Img_2981,White,Female,0,0.13028453 +2982,Source_Img_2982,Target_Img_2982,White,Female,1,0.7874635 +2983,Source_Img_2983,Target_Img_2983,White,Female,0,0.04073474 +2984,Source_Img_2984,Target_Img_2984,White,Female,1,0.60654057 +2985,Source_Img_2985,Target_Img_2985,White,Female,0,0.13348811 +2986,Source_Img_2986,Target_Img_2986,White,Female,1,0.9170867 +2987,Source_Img_2987,Target_Img_2987,White,Female,0,0.003982284 +2988,Source_Img_2988,Target_Img_2988,White,Female,1,0.65704085 +2989,Source_Img_2989,Target_Img_2989,White,Female,0,0.16170115 +2990,Source_Img_2990,Target_Img_2990,White,Female,1,0.5269286 +2991,Source_Img_2991,Target_Img_2991,White,Female,1,0.723672 +2992,Source_Img_2992,Target_Img_2992,White,Female,0,0 +2993,Source_Img_2993,Target_Img_2993,White,Female,1,0.77090644 +2994,Source_Img_2994,Target_Img_2994,White,Female,1,0.955 +2995,Source_Img_2995,Target_Img_2995,White,Female,0,0.07811616 +2996,Source_Img_2996,Target_Img_2996,White,Female,1,0.70284536 +2997,Source_Img_2997,Target_Img_2997,White,Female,0,0.058784226 +2998,Source_Img_2998,Target_Img_2998,White,Female,1,0.6776361 +2999,Source_Img_2999,Target_Img_2999,White,Female,1,0.7266621 +3000,Source_Img_3000,Target_Img_3000,White,Male,1,0.60382783 +3001,Source_Img_3001,Target_Img_3001,White,Male,0,0.16550351 +3002,Source_Img_3002,Target_Img_3002,White,Male,1,0.8217748 +3003,Source_Img_3003,Target_Img_3003,White,Male,1,0.81867023 +3004,Source_Img_3004,Target_Img_3004,White,Male,0,0.076103456 +3005,Source_Img_3005,Target_Img_3005,White,Male,0,0.131448966 +3006,Source_Img_3006,Target_Img_3006,White,Male,1,0.91 +3007,Source_Img_3007,Target_Img_3007,White,Male,0,0.17159473 +3008,Source_Img_3008,Target_Img_3008,White,Male,1,0.917 +3009,Source_Img_3009,Target_Img_3009,White,Male,1,0.9768635 +3010,Source_Img_3010,Target_Img_3010,White,Male,1,0.70181243 +3011,Source_Img_3011,Target_Img_3011,White,Male,0,0.02622479 +3012,Source_Img_3012,Target_Img_3012,White,Male,1,0.5370992 +3013,Source_Img_3013,Target_Img_3013,White,Male,0,0.07927951 +3014,Source_Img_3014,Target_Img_3014,White,Male,1,0.9353674 +3015,Source_Img_3015,Target_Img_3015,White,Male,0,0.06081064 +3016,Source_Img_3016,Target_Img_3016,White,Male,0,0.066039074 +3017,Source_Img_3017,Target_Img_3017,White,Male,1,0.85688404 +3018,Source_Img_3018,Target_Img_3018,White,Male,1,0.5284004 +3019,Source_Img_3019,Target_Img_3019,White,Male,0,0.18166109 +3020,Source_Img_3020,Target_Img_3020,White,Male,1,0.6818788 +3021,Source_Img_3021,Target_Img_3021,White,Male,0,0.10376446 +3022,Source_Img_3022,Target_Img_3022,White,Male,0,0.181952575 +3023,Source_Img_3023,Target_Img_3023,White,Male,1,1 +3024,Source_Img_3024,Target_Img_3024,White,Male,1,0.75614954 +3025,Source_Img_3025,Target_Img_3025,White,Male,0,0.1158415 +3026,Source_Img_3026,Target_Img_3026,White,Male,1,0.8331878 +3027,Source_Img_3027,Target_Img_3027,White,Male,1,0.93410575 +3028,Source_Img_3028,Target_Img_3028,White,Male,0,0.21419429 +3029,Source_Img_3029,Target_Img_3029,White,Male,1,0.922 +3030,Source_Img_3030,Target_Img_3030,White,Male,0,0.12408961 +3031,Source_Img_3031,Target_Img_3031,White,Male,0,0.181325734 +3032,Source_Img_3032,Target_Img_3032,White,Male,1,0.93296443 +3033,Source_Img_3033,Target_Img_3033,White,Male,1,0.78731715 +3034,Source_Img_3034,Target_Img_3034,White,Male,0,0.17819401 +3035,Source_Img_3035,Target_Img_3035,White,Male,0,0.19193283 +3036,Source_Img_3036,Target_Img_3036,White,Male,1,0.81966616 +3037,Source_Img_3037,Target_Img_3037,White,Male,0,0.08269497 +3038,Source_Img_3038,Target_Img_3038,White,Male,1,0.7003873 +3039,Source_Img_3039,Target_Img_3039,White,Male,0,0.03238179 +3040,Source_Img_3040,Target_Img_3040,White,Male,0,0.185790225 +3041,Source_Img_3041,Target_Img_3041,White,Male,1,0.7283426 +3042,Source_Img_3042,Target_Img_3042,White,Male,0,0.028728586 +3043,Source_Img_3043,Target_Img_3043,White,Male,0,0.17612368 +3044,Source_Img_3044,Target_Img_3044,White,Male,0,0.18574346 +3045,Source_Img_3045,Target_Img_3045,White,Male,1,0.92 +3046,Source_Img_3046,Target_Img_3046,White,Male,0,0.16610282 +3047,Source_Img_3047,Target_Img_3047,White,Male,0,0.01388139 +3048,Source_Img_3048,Target_Img_3048,White,Male,1,0.8283092 +3049,Source_Img_3049,Target_Img_3049,White,Male,0,0.07245666 +3050,Source_Img_3050,Target_Img_3050,White,Male,0,0.18227427 +3051,Source_Img_3051,Target_Img_3051,White,Male,0,0.10371571 +3052,Source_Img_3052,Target_Img_3052,White,Male,1,0.6500291 +3053,Source_Img_3053,Target_Img_3053,White,Male,0,0.22334483 +3054,Source_Img_3054,Target_Img_3054,White,Male,0,0.23264048 +3055,Source_Img_3055,Target_Img_3055,White,Male,1,0.7051475 +3056,Source_Img_3056,Target_Img_3056,White,Male,1,0.964 +3057,Source_Img_3057,Target_Img_3057,White,Male,0,0.12503029 +3058,Source_Img_3058,Target_Img_3058,White,Male,1,0.6265982 +3059,Source_Img_3059,Target_Img_3059,White,Male,1,0.79140055 +3060,Source_Img_3060,Target_Img_3060,White,Male,1,0.77925624 +3061,Source_Img_3061,Target_Img_3061,White,Male,0,0.17624449 +3062,Source_Img_3062,Target_Img_3062,White,Male,0,0.13853813 +3063,Source_Img_3063,Target_Img_3063,White,Male,1,0.8217985 +3064,Source_Img_3064,Target_Img_3064,White,Male,0,0.14077735 +3065,Source_Img_3065,Target_Img_3065,White,Male,1,0.958 +3066,Source_Img_3066,Target_Img_3066,White,Male,1,0.69384785 +3067,Source_Img_3067,Target_Img_3067,White,Male,1,0.9254452 +3068,Source_Img_3068,Target_Img_3068,White,Male,0,0.080221 +3069,Source_Img_3069,Target_Img_3069,White,Male,0,0.04266966 +3070,Source_Img_3070,Target_Img_3070,White,Male,0,0.136672055 +3071,Source_Img_3071,Target_Img_3071,White,Male,1,0.8609679 +3072,Source_Img_3072,Target_Img_3072,White,Male,1,0.79044163 +3073,Source_Img_3073,Target_Img_3073,White,Male,0,0.06801166 +3074,Source_Img_3074,Target_Img_3074,White,Male,1,0.76698633 +3075,Source_Img_3075,Target_Img_3075,White,Male,0,0.0718342 +3076,Source_Img_3076,Target_Img_3076,White,Male,0,0.186898705 +3077,Source_Img_3077,Target_Img_3077,White,Male,1,0.6407853 +3078,Source_Img_3078,Target_Img_3078,White,Male,0,0.14112211 +3079,Source_Img_3079,Target_Img_3079,White,Male,1,0.8973624 +3080,Source_Img_3080,Target_Img_3080,White,Male,0,0.16766981 +3081,Source_Img_3081,Target_Img_3081,White,Male,1,0.8050211 +3082,Source_Img_3082,Target_Img_3082,White,Male,0,0.08169908 +3083,Source_Img_3083,Target_Img_3083,White,Male,1,0.81026303 +3084,Source_Img_3084,Target_Img_3084,White,Male,1,0.4943933 +3085,Source_Img_3085,Target_Img_3085,White,Male,1,0.73148936 +3086,Source_Img_3086,Target_Img_3086,White,Male,0,0.025254805 +3087,Source_Img_3087,Target_Img_3087,White,Male,1,0.7465919 +3088,Source_Img_3088,Target_Img_3088,White,Male,0,0.1262377 +3089,Source_Img_3089,Target_Img_3089,White,Male,1,0.8909765 +3090,Source_Img_3090,Target_Img_3090,White,Male,1,0.9046213 +3091,Source_Img_3091,Target_Img_3091,White,Male,0,0.14461569 +3092,Source_Img_3092,Target_Img_3092,White,Male,1,0.97198556 +3093,Source_Img_3093,Target_Img_3093,White,Male,1,0.67865094 +3094,Source_Img_3094,Target_Img_3094,White,Male,1,0.8302599 +3095,Source_Img_3095,Target_Img_3095,White,Male,0,0.144816034 +3096,Source_Img_3096,Target_Img_3096,White,Male,1,0.4251072 +3097,Source_Img_3097,Target_Img_3097,White,Male,0,0.1919392 +3098,Source_Img_3098,Target_Img_3098,White,Male,1,0.60829584 +3099,Source_Img_3099,Target_Img_3099,White,Male,0,0.01805139 +3100,Source_Img_3100,Target_Img_3100,White,Male,0,0.01815642 +3101,Source_Img_3101,Target_Img_3101,White,Male,1,0.9596025 +3102,Source_Img_3102,Target_Img_3102,White,Male,1,0.68765485 +3103,Source_Img_3103,Target_Img_3103,White,Male,1,0.90749754 +3104,Source_Img_3104,Target_Img_3104,White,Male,1,0.7548283 +3105,Source_Img_3105,Target_Img_3105,White,Male,1,0.9665381 +3106,Source_Img_3106,Target_Img_3106,White,Male,1,0.922 +3107,Source_Img_3107,Target_Img_3107,White,Male,1,0.72055204 +3108,Source_Img_3108,Target_Img_3108,White,Male,0,0.09220364 +3109,Source_Img_3109,Target_Img_3109,White,Male,0,0.00769521 +3110,Source_Img_3110,Target_Img_3110,White,Male,1,0.7562133 +3111,Source_Img_3111,Target_Img_3111,White,Male,1,1 +3112,Source_Img_3112,Target_Img_3112,White,Male,0,0.10530407 +3113,Source_Img_3113,Target_Img_3113,White,Male,1,0.85154064 +3114,Source_Img_3114,Target_Img_3114,White,Male,1,0.8898882 +3115,Source_Img_3115,Target_Img_3115,White,Male,0,0.02405927 +3116,Source_Img_3116,Target_Img_3116,White,Male,0,0.14795667 +3117,Source_Img_3117,Target_Img_3117,White,Male,1,0.93582313 +3118,Source_Img_3118,Target_Img_3118,White,Male,1,0.78023986 +3119,Source_Img_3119,Target_Img_3119,White,Male,0,0.040188655 +3120,Source_Img_3120,Target_Img_3120,White,Male,0,0.06560845 +3121,Source_Img_3121,Target_Img_3121,White,Male,1,0.35773657 +3122,Source_Img_3122,Target_Img_3122,White,Male,0,0.13242596 +3123,Source_Img_3123,Target_Img_3123,White,Male,1,0.8605907 +3124,Source_Img_3124,Target_Img_3124,White,Male,0,0.01202547 +3125,Source_Img_3125,Target_Img_3125,White,Male,1,0.79064686 +3126,Source_Img_3126,Target_Img_3126,White,Male,0,0.01756762 +3127,Source_Img_3127,Target_Img_3127,White,Male,0,0.10552272 +3128,Source_Img_3128,Target_Img_3128,White,Male,1,0.916 +3129,Source_Img_3129,Target_Img_3129,White,Male,0,0.018312165 +3130,Source_Img_3130,Target_Img_3130,White,Male,1,0.72395065 +3131,Source_Img_3131,Target_Img_3131,White,Male,1,0.5858495 +3132,Source_Img_3132,Target_Img_3132,White,Male,1,0.9514706 +3133,Source_Img_3133,Target_Img_3133,White,Male,0,0.16315549 +3134,Source_Img_3134,Target_Img_3134,White,Male,1,0.7634301 +3135,Source_Img_3135,Target_Img_3135,White,Male,1,0.725783 +3136,Source_Img_3136,Target_Img_3136,White,Male,0,0.10501922 +3137,Source_Img_3137,Target_Img_3137,White,Male,0,0.0316313 +3138,Source_Img_3138,Target_Img_3138,White,Male,0,0.08811071 +3139,Source_Img_3139,Target_Img_3139,White,Male,1,0.82428523 +3140,Source_Img_3140,Target_Img_3140,White,Male,0,0.08846431 +3141,Source_Img_3141,Target_Img_3141,White,Male,1,0.83676276 +3142,Source_Img_3142,Target_Img_3142,White,Male,1,0.953 +3143,Source_Img_3143,Target_Img_3143,White,Male,1,0.80795403 +3144,Source_Img_3144,Target_Img_3144,White,Male,1,0.7069579 +3145,Source_Img_3145,Target_Img_3145,White,Male,0,0.03255487 +3146,Source_Img_3146,Target_Img_3146,White,Male,1,1 +3147,Source_Img_3147,Target_Img_3147,White,Male,0,0.009472004 +3148,Source_Img_3148,Target_Img_3148,White,Male,1,0.7876402 +3149,Source_Img_3149,Target_Img_3149,White,Male,1,0.7507898 +3150,Source_Img_3150,Target_Img_3150,White,Male,1,0.8620275 +3151,Source_Img_3151,Target_Img_3151,White,Male,0,0.040273904 +3152,Source_Img_3152,Target_Img_3152,White,Male,1,0.904709 +3153,Source_Img_3153,Target_Img_3153,White,Male,1,0.904 +3154,Source_Img_3154,Target_Img_3154,White,Male,0,0.10700178 +3155,Source_Img_3155,Target_Img_3155,White,Male,1,0.7354436 +3156,Source_Img_3156,Target_Img_3156,White,Male,0,0.06785475 +3157,Source_Img_3157,Target_Img_3157,White,Male,1,0.8654252 +3158,Source_Img_3158,Target_Img_3158,White,Male,0,0.11598739 +3159,Source_Img_3159,Target_Img_3159,White,Male,1,0.67890774 +3160,Source_Img_3160,Target_Img_3160,White,Male,0,0.16006148 +3161,Source_Img_3161,Target_Img_3161,White,Male,1,1 +3162,Source_Img_3162,Target_Img_3162,White,Male,1,0.83714693 +3163,Source_Img_3163,Target_Img_3163,White,Male,0,0.00425192 +3164,Source_Img_3164,Target_Img_3164,White,Male,1,0.5562675 +3165,Source_Img_3165,Target_Img_3165,White,Male,1,0.50656646 +3166,Source_Img_3166,Target_Img_3166,White,Male,1,0.7874058 +3167,Source_Img_3167,Target_Img_3167,White,Male,0,0.002217624 +3168,Source_Img_3168,Target_Img_3168,White,Male,1,0.922 +3169,Source_Img_3169,Target_Img_3169,White,Male,1,0.70552324 +3170,Source_Img_3170,Target_Img_3170,White,Male,0,0.31839413 +3171,Source_Img_3171,Target_Img_3171,White,Male,1,0.9380981 +3172,Source_Img_3172,Target_Img_3172,White,Male,0,0.0768387 +3173,Source_Img_3173,Target_Img_3173,White,Male,1,0.8102682 +3174,Source_Img_3174,Target_Img_3174,White,Male,1,0.9300905 +3175,Source_Img_3175,Target_Img_3175,White,Male,1,0.85593875 +3176,Source_Img_3176,Target_Img_3176,White,Male,0,0.05410671 +3177,Source_Img_3177,Target_Img_3177,White,Male,0,0.071763284 +3178,Source_Img_3178,Target_Img_3178,White,Male,1,0.67176286 +3179,Source_Img_3179,Target_Img_3179,White,Male,1,0.6626642 +3180,Source_Img_3180,Target_Img_3180,White,Male,1,0.72308853 +3181,Source_Img_3181,Target_Img_3181,White,Male,0,0.16034955 +3182,Source_Img_3182,Target_Img_3182,White,Male,0,0.080965535 +3183,Source_Img_3183,Target_Img_3183,White,Male,1,0.51930506 +3184,Source_Img_3184,Target_Img_3184,White,Male,0,0.04096402 +3185,Source_Img_3185,Target_Img_3185,White,Male,1,0.6678992 +3186,Source_Img_3186,Target_Img_3186,White,Male,0,0.15413004 +3187,Source_Img_3187,Target_Img_3187,White,Male,0,0.0165307 +3188,Source_Img_3188,Target_Img_3188,White,Male,0,0.16674221 +3189,Source_Img_3189,Target_Img_3189,White,Male,1,0.6922756 +3190,Source_Img_3190,Target_Img_3190,White,Male,1,0.9152321 +3191,Source_Img_3191,Target_Img_3191,White,Male,1,0.7317589 +3192,Source_Img_3192,Target_Img_3192,White,Male,0,0.004282295 +3193,Source_Img_3193,Target_Img_3193,White,Male,1,0.82356825 +3194,Source_Img_3194,Target_Img_3194,White,Male,0,0.04915436 +3195,Source_Img_3195,Target_Img_3195,White,Male,0,0.12529712 +3196,Source_Img_3196,Target_Img_3196,White,Male,1,0.86711985 +3197,Source_Img_3197,Target_Img_3197,White,Male,1,0.76868737 +3198,Source_Img_3198,Target_Img_3198,White,Male,1,0.8972956 +3199,Source_Img_3199,Target_Img_3199,White,Male,0,0.06873006 +3200,Source_Img_3200,Target_Img_3200,White,Male,1,0.38953434 +3201,Source_Img_3201,Target_Img_3201,White,Male,0,0.12977954 +3202,Source_Img_3202,Target_Img_3202,White,Male,0,0.15931843 +3203,Source_Img_3203,Target_Img_3203,White,Male,0,0.12773681 +3204,Source_Img_3204,Target_Img_3204,White,Male,1,0.7446389 +3205,Source_Img_3205,Target_Img_3205,White,Male,0,0.11118071 +3206,Source_Img_3206,Target_Img_3206,White,Male,0,0.16227422 +3207,Source_Img_3207,Target_Img_3207,White,Male,1,1 +3208,Source_Img_3208,Target_Img_3208,White,Male,0,0.00064272 +3209,Source_Img_3209,Target_Img_3209,White,Male,1,0.7511135 +3210,Source_Img_3210,Target_Img_3210,White,Male,1,0.8696168 +3211,Source_Img_3211,Target_Img_3211,White,Male,1,0.7938366 +3212,Source_Img_3212,Target_Img_3212,White,Male,1,0.72397796 +3213,Source_Img_3213,Target_Img_3213,White,Male,0,0.119249005 +3214,Source_Img_3214,Target_Img_3214,White,Male,0,0.09675523 +3215,Source_Img_3215,Target_Img_3215,White,Male,1,0.8151767 +3216,Source_Img_3216,Target_Img_3216,White,Male,0,0.17490331 +3217,Source_Img_3217,Target_Img_3217,White,Male,1,0.862839 +3218,Source_Img_3218,Target_Img_3218,White,Male,1,0.77962063 +3219,Source_Img_3219,Target_Img_3219,White,Male,0,0.1609518 +3220,Source_Img_3220,Target_Img_3220,White,Male,0,0.109864356 +3221,Source_Img_3221,Target_Img_3221,White,Male,1,0.986 +3222,Source_Img_3222,Target_Img_3222,White,Male,0,0.10755858 +3223,Source_Img_3223,Target_Img_3223,White,Male,0,0.137947496 +3224,Source_Img_3224,Target_Img_3224,White,Male,0,0.13284145 +3225,Source_Img_3225,Target_Img_3225,White,Male,1,0.64592025 +3226,Source_Img_3226,Target_Img_3226,White,Male,1,0.8292077 +3227,Source_Img_3227,Target_Img_3227,White,Male,0,0.050051345 +3228,Source_Img_3228,Target_Img_3228,White,Male,0,0.18854472 +3229,Source_Img_3229,Target_Img_3229,White,Male,0,0.18139868 +3230,Source_Img_3230,Target_Img_3230,White,Male,0,0.00438884 +3231,Source_Img_3231,Target_Img_3231,White,Male,1,0.6695068 +3232,Source_Img_3232,Target_Img_3232,White,Male,1,0.7008391 +3233,Source_Img_3233,Target_Img_3233,White,Male,0,0.09694464 +3234,Source_Img_3234,Target_Img_3234,White,Male,1,0.99557633 +3235,Source_Img_3235,Target_Img_3235,White,Male,0,0.02102219 +3236,Source_Img_3236,Target_Img_3236,White,Male,1,0.65989116 +3237,Source_Img_3237,Target_Img_3237,White,Male,1,0.58163565 +3238,Source_Img_3238,Target_Img_3238,White,Male,0,0.11915649 +3239,Source_Img_3239,Target_Img_3239,White,Male,1,0.645823 +3240,Source_Img_3240,Target_Img_3240,White,Male,0,0.119644985 +3241,Source_Img_3241,Target_Img_3241,White,Male,0,0.115352875 +3242,Source_Img_3242,Target_Img_3242,White,Male,1,0.79547937 +3243,Source_Img_3243,Target_Img_3243,White,Male,0,0 +3244,Source_Img_3244,Target_Img_3244,White,Male,1,0.975 +3245,Source_Img_3245,Target_Img_3245,White,Male,0,0.02407136 +3246,Source_Img_3246,Target_Img_3246,White,Male,1,0.70636 +3247,Source_Img_3247,Target_Img_3247,White,Male,0,0.17389661 +3248,Source_Img_3248,Target_Img_3248,White,Male,0,0.12056388 +3249,Source_Img_3249,Target_Img_3249,White,Male,0,0.062180475 +3250,Source_Img_3250,Target_Img_3250,White,Male,0,0.136528736 +3251,Source_Img_3251,Target_Img_3251,White,Male,1,0.72765745 +3252,Source_Img_3252,Target_Img_3252,White,Male,1,0.8595959 +3253,Source_Img_3253,Target_Img_3253,White,Male,0,0.15847696 +3254,Source_Img_3254,Target_Img_3254,White,Male,1,0.85308285 +3255,Source_Img_3255,Target_Img_3255,White,Male,0,0.00636079 +3256,Source_Img_3256,Target_Img_3256,White,Male,1,0.5404813 +3257,Source_Img_3257,Target_Img_3257,White,Male,0,0.030559206 +3258,Source_Img_3258,Target_Img_3258,White,Male,1,0.79108723 +3259,Source_Img_3259,Target_Img_3259,White,Male,0,0.07646878 +3260,Source_Img_3260,Target_Img_3260,White,Male,1,1 +3261,Source_Img_3261,Target_Img_3261,White,Male,0,0.026439516 +3262,Source_Img_3262,Target_Img_3262,White,Male,1,1 +3263,Source_Img_3263,Target_Img_3263,White,Male,0,0.11128755 +3264,Source_Img_3264,Target_Img_3264,White,Male,0,0.12118352 +3265,Source_Img_3265,Target_Img_3265,White,Male,1,0.85831677 +3266,Source_Img_3266,Target_Img_3266,White,Male,0,0.0742242 +3267,Source_Img_3267,Target_Img_3267,White,Male,1,0.84755195 +3268,Source_Img_3268,Target_Img_3268,White,Male,0,0.04304648 +3269,Source_Img_3269,Target_Img_3269,White,Male,1,1 +3270,Source_Img_3270,Target_Img_3270,White,Male,0,0.1433451 +3271,Source_Img_3271,Target_Img_3271,White,Male,0,0.15328548 +3272,Source_Img_3272,Target_Img_3272,White,Male,1,0.6179313 +3273,Source_Img_3273,Target_Img_3273,White,Male,0,0.146047274 +3274,Source_Img_3274,Target_Img_3274,White,Male,1,0.4849082 +3275,Source_Img_3275,Target_Img_3275,White,Male,0,0.0489638 +3276,Source_Img_3276,Target_Img_3276,White,Male,0,0.13156613 +3277,Source_Img_3277,Target_Img_3277,White,Male,0,0.13139022 +3278,Source_Img_3278,Target_Img_3278,White,Male,0,0.1120058 +3279,Source_Img_3279,Target_Img_3279,White,Male,1,0.8289529 +3280,Source_Img_3280,Target_Img_3280,White,Male,0,0.10720567 +3281,Source_Img_3281,Target_Img_3281,White,Male,1,0.9193113 +3282,Source_Img_3282,Target_Img_3282,White,Male,0,0.13114949 +3283,Source_Img_3283,Target_Img_3283,White,Male,1,0.503206 +3284,Source_Img_3284,Target_Img_3284,White,Male,0,0.07770687 +3285,Source_Img_3285,Target_Img_3285,White,Male,1,0.710591 +3286,Source_Img_3286,Target_Img_3286,White,Male,1,0.6982981 +3287,Source_Img_3287,Target_Img_3287,White,Male,0,0.11296274 +3288,Source_Img_3288,Target_Img_3288,White,Male,0,0.081288285 +3289,Source_Img_3289,Target_Img_3289,White,Male,1,0.925 +3290,Source_Img_3290,Target_Img_3290,White,Male,1,1 +3291,Source_Img_3291,Target_Img_3291,White,Male,0,0.06092533 +3292,Source_Img_3292,Target_Img_3292,White,Male,1,0.6432799 +3293,Source_Img_3293,Target_Img_3293,White,Male,0,0.073422706 +3294,Source_Img_3294,Target_Img_3294,White,Male,1,0.89330416 +3295,Source_Img_3295,Target_Img_3295,White,Male,0,0.09063512 +3296,Source_Img_3296,Target_Img_3296,White,Male,0,0.0510665 +3297,Source_Img_3297,Target_Img_3297,White,Male,1,0.8482091 +3298,Source_Img_3298,Target_Img_3298,White,Male,1,0.59625795 +3299,Source_Img_3299,Target_Img_3299,White,Male,0,0.01389714 +3300,Source_Img_3300,Target_Img_3300,White,Male,0,0.05370647 +3301,Source_Img_3301,Target_Img_3301,White,Male,1,0.84174596 +3302,Source_Img_3302,Target_Img_3302,White,Male,0,0.109811146 +3303,Source_Img_3303,Target_Img_3303,White,Male,0,0.14684058 +3304,Source_Img_3304,Target_Img_3304,White,Male,0,0.17743323 +3305,Source_Img_3305,Target_Img_3305,White,Male,1,1 +3306,Source_Img_3306,Target_Img_3306,White,Male,1,0.9070497 +3307,Source_Img_3307,Target_Img_3307,White,Male,0,0.00026573 +3308,Source_Img_3308,Target_Img_3308,White,Male,0,0.12273417 +3309,Source_Img_3309,Target_Img_3309,White,Male,1,0.76856724 +3310,Source_Img_3310,Target_Img_3310,White,Male,0,0.16634881 +3311,Source_Img_3311,Target_Img_3311,White,Male,1,0.8943262 +3312,Source_Img_3312,Target_Img_3312,White,Male,0,0.06109804 +3313,Source_Img_3313,Target_Img_3313,White,Male,0,0.1701833 +3314,Source_Img_3314,Target_Img_3314,White,Male,0,0.04251189 +3315,Source_Img_3315,Target_Img_3315,White,Male,1,0.948 +3316,Source_Img_3316,Target_Img_3316,White,Male,0,0 +3317,Source_Img_3317,Target_Img_3317,White,Male,1,0.9348017 +3318,Source_Img_3318,Target_Img_3318,White,Male,0,0.12092271 +3319,Source_Img_3319,Target_Img_3319,White,Male,1,1 +3320,Source_Img_3320,Target_Img_3320,White,Male,1,0.72244135 +3321,Source_Img_3321,Target_Img_3321,White,Male,0,0.10421771 +3322,Source_Img_3322,Target_Img_3322,White,Male,0,0.020043084 +3323,Source_Img_3323,Target_Img_3323,White,Male,1,0.7849205 +3324,Source_Img_3324,Target_Img_3324,White,Male,0,0.1207306 +3325,Source_Img_3325,Target_Img_3325,White,Male,1,0.7674855 +3326,Source_Img_3326,Target_Img_3326,White,Male,1,0.978 +3327,Source_Img_3327,Target_Img_3327,White,Male,0,0 +3328,Source_Img_3328,Target_Img_3328,White,Male,0,0.07798384 +3329,Source_Img_3329,Target_Img_3329,White,Male,0,0.05295311 +3330,Source_Img_3330,Target_Img_3330,White,Male,1,1 +3331,Source_Img_3331,Target_Img_3331,White,Male,1,0.8029795 +3332,Source_Img_3332,Target_Img_3332,White,Male,0,0.15401243 +3333,Source_Img_3333,Target_Img_3333,White,Male,1,1 +3334,Source_Img_3334,Target_Img_3334,White,Male,0,0.061598805 +3335,Source_Img_3335,Target_Img_3335,White,Male,1,0.56816626 +3336,Source_Img_3336,Target_Img_3336,White,Male,0,0.08203503 +3337,Source_Img_3337,Target_Img_3337,White,Male,1,0.7544782 +3338,Source_Img_3338,Target_Img_3338,White,Male,1,0.66891327 +3339,Source_Img_3339,Target_Img_3339,White,Male,0,0.17122082 +3340,Source_Img_3340,Target_Img_3340,White,Male,1,0.7120816 +3341,Source_Img_3341,Target_Img_3341,White,Male,0,0.142412 +3342,Source_Img_3342,Target_Img_3342,White,Male,1,0.79186957 +3343,Source_Img_3343,Target_Img_3343,White,Male,0,0.172716006 +3344,Source_Img_3344,Target_Img_3344,White,Male,1,0.6757292 +3345,Source_Img_3345,Target_Img_3345,White,Male,1,0.8110824 +3346,Source_Img_3346,Target_Img_3346,White,Male,0,0.08406551 +3347,Source_Img_3347,Target_Img_3347,White,Male,1,0.68661 +3348,Source_Img_3348,Target_Img_3348,White,Male,0,0.059256 +3349,Source_Img_3349,Target_Img_3349,White,Male,1,0.9508 +3350,Source_Img_3350,Target_Img_3350,White,Male,0,0.09003062 +3351,Source_Img_3351,Target_Img_3351,White,Male,0,0.11051329 +3352,Source_Img_3352,Target_Img_3352,White,Male,1,0.75892677 +3353,Source_Img_3353,Target_Img_3353,White,Male,1,0.631181 +3354,Source_Img_3354,Target_Img_3354,White,Male,0,0.07691474 +3355,Source_Img_3355,Target_Img_3355,White,Male,1,0.64673815 +3356,Source_Img_3356,Target_Img_3356,White,Male,0,0.13634566 +3357,Source_Img_3357,Target_Img_3357,White,Male,1,0.7290229 +3358,Source_Img_3358,Target_Img_3358,White,Male,1,0.85026854 +3359,Source_Img_3359,Target_Img_3359,White,Male,0,0.093902895 +3360,Source_Img_3360,Target_Img_3360,White,Male,1,1 +3361,Source_Img_3361,Target_Img_3361,White,Male,0,0 +3362,Source_Img_3362,Target_Img_3362,White,Male,1,0.9246892 +3363,Source_Img_3363,Target_Img_3363,White,Male,0,0.14491251 +3364,Source_Img_3364,Target_Img_3364,White,Male,1,0.894642 +3365,Source_Img_3365,Target_Img_3365,White,Male,0,0.078716724 +3366,Source_Img_3366,Target_Img_3366,White,Male,0,0.08310595 +3367,Source_Img_3367,Target_Img_3367,White,Male,1,0.6057541 +3368,Source_Img_3368,Target_Img_3368,White,Male,0,0.16276364 +3369,Source_Img_3369,Target_Img_3369,White,Male,1,0.829296 +3370,Source_Img_3370,Target_Img_3370,White,Male,0,0.0554653 +3371,Source_Img_3371,Target_Img_3371,White,Male,0,0.082179754 +3372,Source_Img_3372,Target_Img_3372,White,Male,0,0.16302444 +3373,Source_Img_3373,Target_Img_3373,White,Male,1,0.7722771 +3374,Source_Img_3374,Target_Img_3374,White,Male,0,0.09910306 +3375,Source_Img_3375,Target_Img_3375,White,Male,1,0.8252561 +3376,Source_Img_3376,Target_Img_3376,White,Male,0,0.038674745 +3377,Source_Img_3377,Target_Img_3377,White,Male,1,0.5882466 +3378,Source_Img_3378,Target_Img_3378,White,Male,1,0.8258713 +3379,Source_Img_3379,Target_Img_3379,White,Male,0,0.097030915 +3380,Source_Img_3380,Target_Img_3380,White,Male,1,0.86570674 +3381,Source_Img_3381,Target_Img_3381,White,Male,0,0.16864678 +3382,Source_Img_3382,Target_Img_3382,White,Male,0,0.156856436 +3383,Source_Img_3383,Target_Img_3383,White,Male,0,0.149516524 +3384,Source_Img_3384,Target_Img_3384,White,Male,1,0.7289473 +3385,Source_Img_3385,Target_Img_3385,White,Male,0,0.136305124 +3386,Source_Img_3386,Target_Img_3386,White,Male,0,0.17082867 +3387,Source_Img_3387,Target_Img_3387,White,Male,1,0.7858103 +3388,Source_Img_3388,Target_Img_3388,White,Male,0,0.01507882 +3389,Source_Img_3389,Target_Img_3389,White,Male,1,0.83543204 +3390,Source_Img_3390,Target_Img_3390,White,Male,1,0.70902843 +3391,Source_Img_3391,Target_Img_3391,White,Male,0,0.04016288 +3392,Source_Img_3392,Target_Img_3392,White,Male,0,0.14475876 +3393,Source_Img_3393,Target_Img_3393,White,Male,0,0.03313371 +3394,Source_Img_3394,Target_Img_3394,White,Male,1,0.85722705 +3395,Source_Img_3395,Target_Img_3395,White,Male,1,0.903 +3396,Source_Img_3396,Target_Img_3396,White,Male,0,0.10568583 +3397,Source_Img_3397,Target_Img_3397,White,Male,0,0.03797489 +3398,Source_Img_3398,Target_Img_3398,White,Male,0,0.18115295 +3399,Source_Img_3399,Target_Img_3399,White,Male,0,0 +3400,Source_Img_3400,Target_Img_3400,White,Male,0,0.15837657 +3401,Source_Img_3401,Target_Img_3401,White,Male,1,0.6664946 +3402,Source_Img_3402,Target_Img_3402,White,Male,1,0.69483264 +3403,Source_Img_3403,Target_Img_3403,White,Male,0,0.10445267 +3404,Source_Img_3404,Target_Img_3404,White,Male,1,1 +3405,Source_Img_3405,Target_Img_3405,White,Male,1,0.7858803 +3406,Source_Img_3406,Target_Img_3406,White,Male,0,0.15810622 +3407,Source_Img_3407,Target_Img_3407,White,Male,0,0.17830142 +3408,Source_Img_3408,Target_Img_3408,White,Male,1,0.85887384 +3409,Source_Img_3409,Target_Img_3409,White,Male,1,0.8627626 +3410,Source_Img_3410,Target_Img_3410,White,Male,0,0.00938345 +3411,Source_Img_3411,Target_Img_3411,White,Male,0,0.06269383 +3412,Source_Img_3412,Target_Img_3412,White,Male,1,0.8433928 +3413,Source_Img_3413,Target_Img_3413,White,Male,0,0.084000686 +3414,Source_Img_3414,Target_Img_3414,White,Male,1,0.95232145 +3415,Source_Img_3415,Target_Img_3415,White,Male,1,0.9937844 +3416,Source_Img_3416,Target_Img_3416,White,Male,0,0.02952952 +3417,Source_Img_3417,Target_Img_3417,White,Male,0,0.015705374 +3418,Source_Img_3418,Target_Img_3418,White,Male,1,0.84648265 +3419,Source_Img_3419,Target_Img_3419,White,Male,0,0.16438756 +3420,Source_Img_3420,Target_Img_3420,White,Male,0,0.17551535 +3421,Source_Img_3421,Target_Img_3421,White,Male,0,0.159837554 +3422,Source_Img_3422,Target_Img_3422,White,Male,0,0.00082708 +3423,Source_Img_3423,Target_Img_3423,White,Male,1,0.953 +3424,Source_Img_3424,Target_Img_3424,White,Male,0,0.095222056 +3425,Source_Img_3425,Target_Img_3425,White,Male,1,0.8385657 +3426,Source_Img_3426,Target_Img_3426,White,Male,1,0.7368881 +3427,Source_Img_3427,Target_Img_3427,White,Male,1,0.929 +3428,Source_Img_3428,Target_Img_3428,White,Male,0,0.1416443 +3429,Source_Img_3429,Target_Img_3429,White,Male,1,0.918 +3430,Source_Img_3430,Target_Img_3430,White,Male,1,0.7404443 +3431,Source_Img_3431,Target_Img_3431,White,Male,0,0.02413564 +3432,Source_Img_3432,Target_Img_3432,White,Male,0,0.07136608 +3433,Source_Img_3433,Target_Img_3433,White,Male,1,0.7540614 +3434,Source_Img_3434,Target_Img_3434,White,Male,0,0.03616317 +3435,Source_Img_3435,Target_Img_3435,White,Male,1,0.75094294 +3436,Source_Img_3436,Target_Img_3436,White,Male,1,0.83844926 +3437,Source_Img_3437,Target_Img_3437,White,Male,0,0 +3438,Source_Img_3438,Target_Img_3438,White,Male,1,0.77148545 +3439,Source_Img_3439,Target_Img_3439,White,Male,0,0.010282244 +3440,Source_Img_3440,Target_Img_3440,White,Male,1,0.7492831 +3441,Source_Img_3441,Target_Img_3441,White,Male,0,0.06443784 +3442,Source_Img_3442,Target_Img_3442,White,Male,1,0.8103653 +3443,Source_Img_3443,Target_Img_3443,White,Male,1,0.79699785 +3444,Source_Img_3444,Target_Img_3444,White,Male,1,0.975 +3445,Source_Img_3445,Target_Img_3445,White,Male,1,0.82796115 +3446,Source_Img_3446,Target_Img_3446,White,Male,0,0.00546326 +3447,Source_Img_3447,Target_Img_3447,White,Male,1,0.86106937 +3448,Source_Img_3448,Target_Img_3448,White,Male,0,0.02144027 +3449,Source_Img_3449,Target_Img_3449,White,Male,0,0.15136502 +3450,Source_Img_3450,Target_Img_3450,White,Male,1,1 +3451,Source_Img_3451,Target_Img_3451,White,Male,0,0.16684976 +3452,Source_Img_3452,Target_Img_3452,White,Male,0,0.03387085 +3453,Source_Img_3453,Target_Img_3453,White,Male,1,0.81947293 +3454,Source_Img_3454,Target_Img_3454,White,Male,0,0.0792076 +3455,Source_Img_3455,Target_Img_3455,White,Male,0,0.14734158 +3456,Source_Img_3456,Target_Img_3456,White,Male,1,0.7872821 +3457,Source_Img_3457,Target_Img_3457,White,Male,1,0.7964264 +3458,Source_Img_3458,Target_Img_3458,White,Male,0,0.16518326 +3459,Source_Img_3459,Target_Img_3459,White,Male,0,0.08780114 +3460,Source_Img_3460,Target_Img_3460,White,Male,0,0.17184729 +3461,Source_Img_3461,Target_Img_3461,White,Male,1,0.6665217 +3462,Source_Img_3462,Target_Img_3462,White,Male,1,0.7507745 +3463,Source_Img_3463,Target_Img_3463,White,Male,0,0.1380399 +3464,Source_Img_3464,Target_Img_3464,White,Male,0,0.1159363 +3465,Source_Img_3465,Target_Img_3465,White,Male,1,0.7295007 +3466,Source_Img_3466,Target_Img_3466,White,Male,1,0.66477303 +3467,Source_Img_3467,Target_Img_3467,White,Male,0,0.05297465 +3468,Source_Img_3468,Target_Img_3468,White,Male,0,0.19561009 +3469,Source_Img_3469,Target_Img_3469,White,Male,1,1 +3470,Source_Img_3470,Target_Img_3470,White,Male,0,0.096809094 +3471,Source_Img_3471,Target_Img_3471,White,Male,1,0.6015219 +3472,Source_Img_3472,Target_Img_3472,White,Male,0,0.02225233 +3473,Source_Img_3473,Target_Img_3473,White,Male,0,0 +3474,Source_Img_3474,Target_Img_3474,White,Male,1,1 +3475,Source_Img_3475,Target_Img_3475,White,Male,1,0.78672006 +3476,Source_Img_3476,Target_Img_3476,White,Male,0,0.08449687 +3477,Source_Img_3477,Target_Img_3477,White,Male,1,1 +3478,Source_Img_3478,Target_Img_3478,White,Male,0,0 +3479,Source_Img_3479,Target_Img_3479,White,Male,0,0.1732041 +3480,Source_Img_3480,Target_Img_3480,White,Male,1,0.8733349 +3481,Source_Img_3481,Target_Img_3481,White,Male,0,0 +3482,Source_Img_3482,Target_Img_3482,White,Male,0,0.05606296 +3483,Source_Img_3483,Target_Img_3483,White,Male,1,0.72305355 +3484,Source_Img_3484,Target_Img_3484,White,Male,1,0.9199883 +3485,Source_Img_3485,Target_Img_3485,White,Male,1,0.975 +3486,Source_Img_3486,Target_Img_3486,White,Male,1,0.755536 +3487,Source_Img_3487,Target_Img_3487,White,Male,1,0.75295746 +3488,Source_Img_3488,Target_Img_3488,White,Male,0,0.01778574 +3489,Source_Img_3489,Target_Img_3489,White,Male,1,0.78754304 +3490,Source_Img_3490,Target_Img_3490,White,Male,0,0.107821946 +3491,Source_Img_3491,Target_Img_3491,White,Male,0,0.07216643 +3492,Source_Img_3492,Target_Img_3492,White,Male,0,0.04739473 +3493,Source_Img_3493,Target_Img_3493,White,Male,1,1 +3494,Source_Img_3494,Target_Img_3494,White,Male,1,0.932 +3495,Source_Img_3495,Target_Img_3495,White,Male,0,0.03550003 +3496,Source_Img_3496,Target_Img_3496,White,Male,0,0.10685677 +3497,Source_Img_3497,Target_Img_3497,White,Male,1,0.7018159 +3498,Source_Img_3498,Target_Img_3498,White,Male,1,0.90171926 +3499,Source_Img_3499,Target_Img_3499,White,Male,1,1 +3500,Source_Img_3500,Target_Img_3500,White,Male,1,0.39401528 +3501,Source_Img_3501,Target_Img_3501,White,Male,0,0.075700715 +3502,Source_Img_3502,Target_Img_3502,White,Male,1,0.9297887 +3503,Source_Img_3503,Target_Img_3503,White,Male,0,0.149152114 +3504,Source_Img_3504,Target_Img_3504,White,Male,0,0.08131683 +3505,Source_Img_3505,Target_Img_3505,White,Male,0,0.03573101 +3506,Source_Img_3506,Target_Img_3506,White,Male,1,0.86788935 +3507,Source_Img_3507,Target_Img_3507,White,Male,1,0.7496512 +3508,Source_Img_3508,Target_Img_3508,White,Male,0,0.051641375 +3509,Source_Img_3509,Target_Img_3509,White,Male,0,0.16431754 +3510,Source_Img_3510,Target_Img_3510,White,Male,1,1 +3511,Source_Img_3511,Target_Img_3511,White,Male,0,0.027480966 +3512,Source_Img_3512,Target_Img_3512,White,Male,1,0.6121925 +3513,Source_Img_3513,Target_Img_3513,White,Male,1,0.7585953 +3514,Source_Img_3514,Target_Img_3514,White,Male,1,0.6783764 +3515,Source_Img_3515,Target_Img_3515,White,Male,0,0.05455808 +3516,Source_Img_3516,Target_Img_3516,White,Male,1,0.994 +3517,Source_Img_3517,Target_Img_3517,White,Male,0,0.102154946 +3518,Source_Img_3518,Target_Img_3518,White,Male,0,0.10698158 +3519,Source_Img_3519,Target_Img_3519,White,Male,0,0.10240929 +3520,Source_Img_3520,Target_Img_3520,White,Male,1,0.5456289 +3521,Source_Img_3521,Target_Img_3521,White,Male,0,0.15633107 +3522,Source_Img_3522,Target_Img_3522,White,Male,1,0.7382508 +3523,Source_Img_3523,Target_Img_3523,White,Male,0,0.22297657 +3524,Source_Img_3524,Target_Img_3524,White,Male,1,0.81889736 +3525,Source_Img_3525,Target_Img_3525,White,Male,1,0.8022504 +3526,Source_Img_3526,Target_Img_3526,White,Male,0,0.08449608 +3527,Source_Img_3527,Target_Img_3527,White,Male,1,0.76313337 +3528,Source_Img_3528,Target_Img_3528,White,Male,0,0.16748313 +3529,Source_Img_3529,Target_Img_3529,White,Male,1,0.7802053 +3530,Source_Img_3530,Target_Img_3530,White,Male,0,0.05388214 +3531,Source_Img_3531,Target_Img_3531,White,Male,0,0.03868526 +3532,Source_Img_3532,Target_Img_3532,White,Male,1,1 +3533,Source_Img_3533,Target_Img_3533,White,Male,0,0.00662881 +3534,Source_Img_3534,Target_Img_3534,White,Male,1,0.5669727 +3535,Source_Img_3535,Target_Img_3535,White,Male,1,0.988 +3536,Source_Img_3536,Target_Img_3536,White,Male,0,0.09489959 +3537,Source_Img_3537,Target_Img_3537,White,Male,1,0.841708 +3538,Source_Img_3538,Target_Img_3538,White,Male,1,0.67801174 +3539,Source_Img_3539,Target_Img_3539,White,Male,0,0.071764535 +3540,Source_Img_3540,Target_Img_3540,White,Male,1,0.82609475 +3541,Source_Img_3541,Target_Img_3541,White,Male,0,0.0718541 +3542,Source_Img_3542,Target_Img_3542,White,Male,1,0.6382579 +3543,Source_Img_3543,Target_Img_3543,White,Male,0,0.12838534 +3544,Source_Img_3544,Target_Img_3544,White,Male,0,0.03779317 +3545,Source_Img_3545,Target_Img_3545,White,Male,1,1 +3546,Source_Img_3546,Target_Img_3546,White,Male,0,0.162855134 +3547,Source_Img_3547,Target_Img_3547,White,Male,1,0.85515037 +3548,Source_Img_3548,Target_Img_3548,White,Male,1,0.7132488 +3549,Source_Img_3549,Target_Img_3549,White,Male,0,0.15924561 +3550,Source_Img_3550,Target_Img_3550,White,Male,1,0.7506424 +3551,Source_Img_3551,Target_Img_3551,White,Male,1,0.75863935 +3552,Source_Img_3552,Target_Img_3552,White,Male,1,0.7753859 +3553,Source_Img_3553,Target_Img_3553,White,Male,1,0.7515624 +3554,Source_Img_3554,Target_Img_3554,White,Male,0,0.065765655 +3555,Source_Img_3555,Target_Img_3555,White,Male,0,0.05903579 +3556,Source_Img_3556,Target_Img_3556,White,Male,0,0.17560663 +3557,Source_Img_3557,Target_Img_3557,White,Male,1,0.986 +3558,Source_Img_3558,Target_Img_3558,White,Male,0,0.033227024 +3559,Source_Img_3559,Target_Img_3559,White,Male,0,0.08180048 +3560,Source_Img_3560,Target_Img_3560,White,Male,0,0.10035765 +3561,Source_Img_3561,Target_Img_3561,White,Male,1,0.9157294 +3562,Source_Img_3562,Target_Img_3562,White,Male,1,0.929 +3563,Source_Img_3563,Target_Img_3563,White,Male,0,0.01053146 +3564,Source_Img_3564,Target_Img_3564,White,Male,1,0.7428474 +3565,Source_Img_3565,Target_Img_3565,White,Male,0,0.102845224 +3566,Source_Img_3566,Target_Img_3566,White,Male,0,0.109301646 +3567,Source_Img_3567,Target_Img_3567,White,Male,0,0.01240159 +3568,Source_Img_3568,Target_Img_3568,White,Male,1,0.72300357 +3569,Source_Img_3569,Target_Img_3569,White,Male,0,0.03239447 +3570,Source_Img_3570,Target_Img_3570,White,Male,1,0.47387752 +3571,Source_Img_3571,Target_Img_3571,White,Male,0,0.142140824 +3572,Source_Img_3572,Target_Img_3572,White,Male,0,0.065695674 +3573,Source_Img_3573,Target_Img_3573,White,Male,1,0.9133747 +3574,Source_Img_3574,Target_Img_3574,White,Male,0,0.146696926 +3575,Source_Img_3575,Target_Img_3575,White,Male,1,0.7127799 +3576,Source_Img_3576,Target_Img_3576,White,Male,1,0.8523761 +3577,Source_Img_3577,Target_Img_3577,White,Male,0,0.16571727 +3578,Source_Img_3578,Target_Img_3578,White,Male,1,0.996 +3579,Source_Img_3579,Target_Img_3579,White,Male,1,0.7453395 +3580,Source_Img_3580,Target_Img_3580,White,Male,1,0.7060521 +3581,Source_Img_3581,Target_Img_3581,White,Male,1,0.69168926 +3582,Source_Img_3582,Target_Img_3582,White,Male,1,0.7891483 +3583,Source_Img_3583,Target_Img_3583,White,Male,0,0.12653345 +3584,Source_Img_3584,Target_Img_3584,White,Male,0,0.01559167 +3585,Source_Img_3585,Target_Img_3585,White,Male,1,0.68676405 +3586,Source_Img_3586,Target_Img_3586,White,Male,1,0.58091254 +3587,Source_Img_3587,Target_Img_3587,White,Male,0,0.17679213 +3588,Source_Img_3588,Target_Img_3588,White,Male,1,0.6996416 +3589,Source_Img_3589,Target_Img_3589,White,Male,1,0.6071905 +3590,Source_Img_3590,Target_Img_3590,White,Male,0,0.10535349 +3591,Source_Img_3591,Target_Img_3591,White,Male,1,1 +3592,Source_Img_3592,Target_Img_3592,White,Male,1,0.6893601 +3593,Source_Img_3593,Target_Img_3593,White,Male,0,0.05636972 +3594,Source_Img_3594,Target_Img_3594,White,Male,0,0.13833082 +3595,Source_Img_3595,Target_Img_3595,White,Male,0,0.102554144 +3596,Source_Img_3596,Target_Img_3596,White,Male,1,1 +3597,Source_Img_3597,Target_Img_3597,White,Male,1,0.870834 +3598,Source_Img_3598,Target_Img_3598,White,Male,1,0.907 +3599,Source_Img_3599,Target_Img_3599,White,Male,0,0.185862385 +3600,Source_Img_3600,Target_Img_3600,White,Male,1,0.8165022 +3601,Source_Img_3601,Target_Img_3601,White,Male,0,0.02151147 +3602,Source_Img_3602,Target_Img_3602,White,Male,1,0.95249876 +3603,Source_Img_3603,Target_Img_3603,White,Male,0,0.022692035 +3604,Source_Img_3604,Target_Img_3604,White,Male,0,0.025758686 +3605,Source_Img_3605,Target_Img_3605,White,Male,0,0.09959482 +3606,Source_Img_3606,Target_Img_3606,White,Male,1,1 +3607,Source_Img_3607,Target_Img_3607,White,Male,1,0.976 +3608,Source_Img_3608,Target_Img_3608,White,Male,1,0.8620737 +3609,Source_Img_3609,Target_Img_3609,White,Male,1,0.979 +3610,Source_Img_3610,Target_Img_3610,White,Male,1,0.76200526 +3611,Source_Img_3611,Target_Img_3611,White,Male,0,0.158219446 +3612,Source_Img_3612,Target_Img_3612,White,Male,1,1 +3613,Source_Img_3613,Target_Img_3613,White,Male,1,0.92642477 +3614,Source_Img_3614,Target_Img_3614,White,Male,1,0.8771135 +3615,Source_Img_3615,Target_Img_3615,White,Male,1,0.69890763 +3616,Source_Img_3616,Target_Img_3616,White,Male,0,0.189439864 +3617,Source_Img_3617,Target_Img_3617,White,Male,1,1 +3618,Source_Img_3618,Target_Img_3618,White,Male,1,0.73105116 +3619,Source_Img_3619,Target_Img_3619,White,Male,1,0.6700612 +3620,Source_Img_3620,Target_Img_3620,White,Male,0,0.10444548 +3621,Source_Img_3621,Target_Img_3621,White,Male,1,0.92097294 +3622,Source_Img_3622,Target_Img_3622,White,Male,0,0.08808018 +3623,Source_Img_3623,Target_Img_3623,White,Male,1,1 +3624,Source_Img_3624,Target_Img_3624,White,Male,0,0.06696255 +3625,Source_Img_3625,Target_Img_3625,White,Male,1,1 +3626,Source_Img_3626,Target_Img_3626,White,Male,1,0.81219315 +3627,Source_Img_3627,Target_Img_3627,White,Male,0,0.00771054 +3628,Source_Img_3628,Target_Img_3628,White,Male,1,0.71085954 +3629,Source_Img_3629,Target_Img_3629,White,Male,1,0.79446574 +3630,Source_Img_3630,Target_Img_3630,White,Male,0,0.01926563 +3631,Source_Img_3631,Target_Img_3631,White,Male,1,0.8556204 +3632,Source_Img_3632,Target_Img_3632,White,Male,1,0.6820933 +3633,Source_Img_3633,Target_Img_3633,White,Male,0,0.023602084 +3634,Source_Img_3634,Target_Img_3634,White,Male,0,0.14716277 +3635,Source_Img_3635,Target_Img_3635,White,Male,1,0.9555334 +3636,Source_Img_3636,Target_Img_3636,White,Male,1,0.5122963 +3637,Source_Img_3637,Target_Img_3637,White,Male,1,0.70248704 +3638,Source_Img_3638,Target_Img_3638,White,Male,1,0.9039538 +3639,Source_Img_3639,Target_Img_3639,White,Male,0,0.001206725 +3640,Source_Img_3640,Target_Img_3640,White,Male,0,0.004205805 +3641,Source_Img_3641,Target_Img_3641,White,Male,1,0.7704745 +3642,Source_Img_3642,Target_Img_3642,White,Male,0,0.05213805 +3643,Source_Img_3643,Target_Img_3643,White,Male,1,0.914 +3644,Source_Img_3644,Target_Img_3644,White,Male,0,0 +3645,Source_Img_3645,Target_Img_3645,White,Male,1,0.74797635 +3646,Source_Img_3646,Target_Img_3646,White,Male,1,0.5999681 +3647,Source_Img_3647,Target_Img_3647,White,Male,1,0.71281964 +3648,Source_Img_3648,Target_Img_3648,White,Male,0,0.032905544 +3649,Source_Img_3649,Target_Img_3649,White,Male,0,0.172592716 +3650,Source_Img_3650,Target_Img_3650,White,Male,1,0.86888696 +3651,Source_Img_3651,Target_Img_3651,White,Male,0,0.06720191 +3652,Source_Img_3652,Target_Img_3652,White,Male,1,1 +3653,Source_Img_3653,Target_Img_3653,White,Male,0,0.18916335 +3654,Source_Img_3654,Target_Img_3654,White,Male,0,0.01616291 +3655,Source_Img_3655,Target_Img_3655,White,Male,1,0.83974125 +3656,Source_Img_3656,Target_Img_3656,White,Male,0,0.157663156 +3657,Source_Img_3657,Target_Img_3657,White,Male,0,0.14176348 +3658,Source_Img_3658,Target_Img_3658,White,Male,1,0.85111827 +3659,Source_Img_3659,Target_Img_3659,White,Male,1,0.6910932 +3660,Source_Img_3660,Target_Img_3660,White,Male,0,0.089553424 +3661,Source_Img_3661,Target_Img_3661,White,Male,1,0.81518025 +3662,Source_Img_3662,Target_Img_3662,White,Male,1,0.959 +3663,Source_Img_3663,Target_Img_3663,White,Male,0,0.2481412 +3664,Source_Img_3664,Target_Img_3664,White,Male,1,0.91302044 +3665,Source_Img_3665,Target_Img_3665,White,Male,0,0.06657724 +3666,Source_Img_3666,Target_Img_3666,White,Male,0,0.04589772 +3667,Source_Img_3667,Target_Img_3667,White,Male,1,0.7724952 +3668,Source_Img_3668,Target_Img_3668,White,Male,0,0.05626616 +3669,Source_Img_3669,Target_Img_3669,White,Male,1,0.6299023 +3670,Source_Img_3670,Target_Img_3670,White,Male,1,1 +3671,Source_Img_3671,Target_Img_3671,White,Male,1,0.6552947 +3672,Source_Img_3672,Target_Img_3672,White,Male,0,0.02266936 +3673,Source_Img_3673,Target_Img_3673,White,Male,0,0.16877103 +3674,Source_Img_3674,Target_Img_3674,White,Male,1,0.7254344 +3675,Source_Img_3675,Target_Img_3675,White,Male,0,0.05909613 +3676,Source_Img_3676,Target_Img_3676,White,Male,1,0.962987 +3677,Source_Img_3677,Target_Img_3677,White,Male,0,0.148958196 +3678,Source_Img_3678,Target_Img_3678,White,Male,1,0.7878798 +3679,Source_Img_3679,Target_Img_3679,White,Male,0,0.02675571 +3680,Source_Img_3680,Target_Img_3680,White,Male,1,0.78950084 +3681,Source_Img_3681,Target_Img_3681,White,Male,0,0.03705294 +3682,Source_Img_3682,Target_Img_3682,White,Male,0,0.14427913 +3683,Source_Img_3683,Target_Img_3683,White,Male,1,0.915946 +3684,Source_Img_3684,Target_Img_3684,White,Male,1,0.6013158 +3685,Source_Img_3685,Target_Img_3685,White,Male,0,0.15146542 +3686,Source_Img_3686,Target_Img_3686,White,Male,0,0.00196991 +3687,Source_Img_3687,Target_Img_3687,White,Male,1,0.96 +3688,Source_Img_3688,Target_Img_3688,White,Male,0,0.05685865 +3689,Source_Img_3689,Target_Img_3689,White,Male,1,0.74795534 +3690,Source_Img_3690,Target_Img_3690,White,Male,1,0.7590218 +3691,Source_Img_3691,Target_Img_3691,White,Male,0,0.116086115 +3692,Source_Img_3692,Target_Img_3692,White,Male,1,0.98518865 +3693,Source_Img_3693,Target_Img_3693,White,Male,1,0.8772761 +3694,Source_Img_3694,Target_Img_3694,White,Male,0,0.134335936 +3695,Source_Img_3695,Target_Img_3695,White,Male,0,0 +3696,Source_Img_3696,Target_Img_3696,White,Male,1,0.82446774 +3697,Source_Img_3697,Target_Img_3697,White,Male,0,0.17246422 +3698,Source_Img_3698,Target_Img_3698,White,Male,1,0.65107333 +3699,Source_Img_3699,Target_Img_3699,White,Male,1,0.58599385 +3700,Source_Img_3700,Target_Img_3700,White,Male,0,0.00665707 +3701,Source_Img_3701,Target_Img_3701,White,Male,0,0.045639255 +3702,Source_Img_3702,Target_Img_3702,White,Male,1,0.77482056 +3703,Source_Img_3703,Target_Img_3703,White,Male,1,0.730918 +3704,Source_Img_3704,Target_Img_3704,White,Male,0,0.14043311 +3705,Source_Img_3705,Target_Img_3705,White,Male,1,0.8056851 +3706,Source_Img_3706,Target_Img_3706,White,Male,1,0.675162 +3707,Source_Img_3707,Target_Img_3707,White,Male,0,0.14318662 +3708,Source_Img_3708,Target_Img_3708,White,Male,0,0.128673136 +3709,Source_Img_3709,Target_Img_3709,White,Male,1,0.5065448 +3710,Source_Img_3710,Target_Img_3710,White,Male,0,0.07624641 +3711,Source_Img_3711,Target_Img_3711,White,Male,1,0.7857584 +3712,Source_Img_3712,Target_Img_3712,White,Male,0,0.080489165 +3713,Source_Img_3713,Target_Img_3713,White,Male,1,1 +3714,Source_Img_3714,Target_Img_3714,White,Male,1,0.7566697 +3715,Source_Img_3715,Target_Img_3715,White,Male,0,0.04248978 +3716,Source_Img_3716,Target_Img_3716,White,Male,0,0.21718407 +3717,Source_Img_3717,Target_Img_3717,White,Male,0,0.06352333 +3718,Source_Img_3718,Target_Img_3718,White,Male,1,0.91231345 +3719,Source_Img_3719,Target_Img_3719,White,Male,0,0.154148135 +3720,Source_Img_3720,Target_Img_3720,White,Male,1,0.7339078 +3721,Source_Img_3721,Target_Img_3721,White,Male,1,0.8670026 +3722,Source_Img_3722,Target_Img_3722,White,Male,0,0.0943775 +3723,Source_Img_3723,Target_Img_3723,White,Male,0,0.099335236 +3724,Source_Img_3724,Target_Img_3724,White,Male,0,0.13556605 +3725,Source_Img_3725,Target_Img_3725,White,Male,1,1 +3726,Source_Img_3726,Target_Img_3726,White,Male,0,0.14002093 +3727,Source_Img_3727,Target_Img_3727,White,Male,1,0.84852574 +3728,Source_Img_3728,Target_Img_3728,White,Male,1,0.7957814 +3729,Source_Img_3729,Target_Img_3729,White,Male,1,0.71359095 +3730,Source_Img_3730,Target_Img_3730,White,Male,0,0.09796607 +3731,Source_Img_3731,Target_Img_3731,White,Male,1,0.923 +3732,Source_Img_3732,Target_Img_3732,White,Male,1,0.79618845 +3733,Source_Img_3733,Target_Img_3733,White,Male,0,0.15749347 +3734,Source_Img_3734,Target_Img_3734,White,Male,1,0.6952047 +3735,Source_Img_3735,Target_Img_3735,White,Male,0,0.073324096 +3736,Source_Img_3736,Target_Img_3736,White,Male,0,0.019081764 +3737,Source_Img_3737,Target_Img_3737,White,Male,1,0.93587523 +3738,Source_Img_3738,Target_Img_3738,White,Male,0,0.07628764 +3739,Source_Img_3739,Target_Img_3739,White,Male,1,0.7098741 +3740,Source_Img_3740,Target_Img_3740,White,Male,0,0.13319733 +3741,Source_Img_3741,Target_Img_3741,White,Male,1,0.8463055 +3742,Source_Img_3742,Target_Img_3742,White,Male,0,0.05636755 +3743,Source_Img_3743,Target_Img_3743,White,Male,1,0.7806992 +3744,Source_Img_3744,Target_Img_3744,White,Male,1,0.6990017 +3745,Source_Img_3745,Target_Img_3745,White,Male,0,0.175878585 +3746,Source_Img_3746,Target_Img_3746,White,Male,0,0.07932345 +3747,Source_Img_3747,Target_Img_3747,White,Male,1,0.8736059 +3748,Source_Img_3748,Target_Img_3748,White,Male,0,0.11915046 +3749,Source_Img_3749,Target_Img_3749,White,Male,1,0.83856524 +3750,Source_Img_3750,Target_Img_3750,White,Male,0,0.13752989 +3751,Source_Img_3751,Target_Img_3751,White,Male,1,0.74304503 +3752,Source_Img_3752,Target_Img_3752,White,Male,0,0.13744696 +3753,Source_Img_3753,Target_Img_3753,White,Male,0,0.02281004 +3754,Source_Img_3754,Target_Img_3754,White,Male,1,0.59827656 +3755,Source_Img_3755,Target_Img_3755,White,Male,1,1 +3756,Source_Img_3756,Target_Img_3756,White,Male,0,0.0841297 +3757,Source_Img_3757,Target_Img_3757,White,Male,1,0.78821875 +3758,Source_Img_3758,Target_Img_3758,White,Male,0,0.11574545 +3759,Source_Img_3759,Target_Img_3759,White,Male,1,0.86461097 +3760,Source_Img_3760,Target_Img_3760,White,Male,0,0.02244766 +3761,Source_Img_3761,Target_Img_3761,White,Male,0,0.171116965 +3762,Source_Img_3762,Target_Img_3762,White,Male,1,0.6792944 +3763,Source_Img_3763,Target_Img_3763,White,Male,1,0.5992592 +3764,Source_Img_3764,Target_Img_3764,White,Male,0,0.03793955 +3765,Source_Img_3765,Target_Img_3765,White,Male,1,0.77715905 +3766,Source_Img_3766,Target_Img_3766,White,Male,1,0.882244 +3767,Source_Img_3767,Target_Img_3767,White,Male,0,0.11866109 +3768,Source_Img_3768,Target_Img_3768,White,Male,1,0.915 +3769,Source_Img_3769,Target_Img_3769,White,Male,0,0.080852916 +3770,Source_Img_3770,Target_Img_3770,White,Male,0,0.0464167 +3771,Source_Img_3771,Target_Img_3771,White,Male,0,0.17573985 +3772,Source_Img_3772,Target_Img_3772,White,Male,1,0.6409971 +3773,Source_Img_3773,Target_Img_3773,White,Male,0,0.02137757 +3774,Source_Img_3774,Target_Img_3774,White,Male,0,0.026462216 +3775,Source_Img_3775,Target_Img_3775,White,Male,1,0.8673436 +3776,Source_Img_3776,Target_Img_3776,White,Male,0,0.06194949 +3777,Source_Img_3777,Target_Img_3777,White,Male,0,0.158221136 +3778,Source_Img_3778,Target_Img_3778,White,Male,1,1 +3779,Source_Img_3779,Target_Img_3779,White,Male,1,0.8774724 +3780,Source_Img_3780,Target_Img_3780,White,Male,0,0.038740795 +3781,Source_Img_3781,Target_Img_3781,White,Male,1,0.952 +3782,Source_Img_3782,Target_Img_3782,White,Male,0,0.08726199 +3783,Source_Img_3783,Target_Img_3783,White,Male,1,0.6175749 +3784,Source_Img_3784,Target_Img_3784,White,Male,1,0.6771875 +3785,Source_Img_3785,Target_Img_3785,White,Male,0,0.12821576 +3786,Source_Img_3786,Target_Img_3786,White,Male,0,0.02001532 +3787,Source_Img_3787,Target_Img_3787,White,Male,1,0.6338376 +3788,Source_Img_3788,Target_Img_3788,White,Male,1,0.48608194 +3789,Source_Img_3789,Target_Img_3789,White,Male,1,0.73205386 +3790,Source_Img_3790,Target_Img_3790,White,Male,0,0 +3791,Source_Img_3791,Target_Img_3791,White,Male,0,0.19270119 +3792,Source_Img_3792,Target_Img_3792,White,Male,0,0.06165948 +3793,Source_Img_3793,Target_Img_3793,White,Male,1,0.98787414 +3794,Source_Img_3794,Target_Img_3794,White,Male,0,0.05170489 +3795,Source_Img_3795,Target_Img_3795,White,Male,1,0.61297185 +3796,Source_Img_3796,Target_Img_3796,White,Male,0,0.086985324 +3797,Source_Img_3797,Target_Img_3797,White,Male,0,0 +3798,Source_Img_3798,Target_Img_3798,White,Male,1,0.6112446 +3799,Source_Img_3799,Target_Img_3799,White,Male,0,0.170828274 +3800,Source_Img_3800,Target_Img_3800,White,Male,1,0.82477437 +3801,Source_Img_3801,Target_Img_3801,White,Male,0,0.016787266 +3802,Source_Img_3802,Target_Img_3802,White,Male,1,0.62504355 +3803,Source_Img_3803,Target_Img_3803,White,Male,0,0.03649619 +3804,Source_Img_3804,Target_Img_3804,White,Male,1,0.74854216 +3805,Source_Img_3805,Target_Img_3805,White,Male,1,0.909 +3806,Source_Img_3806,Target_Img_3806,White,Male,0,0.02204403 +3807,Source_Img_3807,Target_Img_3807,White,Male,1,0.943 +3808,Source_Img_3808,Target_Img_3808,White,Male,0,0.09211979 +3809,Source_Img_3809,Target_Img_3809,White,Male,1,0.68231784 +3810,Source_Img_3810,Target_Img_3810,White,Male,0,0.09990985 +3811,Source_Img_3811,Target_Img_3811,White,Male,1,1 +3812,Source_Img_3812,Target_Img_3812,White,Male,0,0.068853316 +3813,Source_Img_3813,Target_Img_3813,White,Male,0,0.12463302 +3814,Source_Img_3814,Target_Img_3814,White,Male,1,0.8640014 +3815,Source_Img_3815,Target_Img_3815,White,Male,1,0.7135891 +3816,Source_Img_3816,Target_Img_3816,White,Male,1,0.8423282 +3817,Source_Img_3817,Target_Img_3817,White,Male,0,0.02285461 +3818,Source_Img_3818,Target_Img_3818,White,Male,1,1 +3819,Source_Img_3819,Target_Img_3819,White,Male,0,0.17630672 +3820,Source_Img_3820,Target_Img_3820,White,Male,1,0.901 +3821,Source_Img_3821,Target_Img_3821,White,Male,0,0.09102187 +3822,Source_Img_3822,Target_Img_3822,White,Male,0,0.04329311 +3823,Source_Img_3823,Target_Img_3823,White,Male,1,0.74113936 +3824,Source_Img_3824,Target_Img_3824,White,Male,0,0 +3825,Source_Img_3825,Target_Img_3825,White,Male,0,0.082910414 +3826,Source_Img_3826,Target_Img_3826,White,Male,0,0.01136577 +3827,Source_Img_3827,Target_Img_3827,White,Male,0,0.16858348 +3828,Source_Img_3828,Target_Img_3828,White,Male,1,0.909 +3829,Source_Img_3829,Target_Img_3829,White,Male,0,0.058000684 +3830,Source_Img_3830,Target_Img_3830,White,Male,0,0.11474237 +3831,Source_Img_3831,Target_Img_3831,White,Male,1,0.939 +3832,Source_Img_3832,Target_Img_3832,White,Male,0,0.11844412 +3833,Source_Img_3833,Target_Img_3833,White,Male,0,0.13802632 +3834,Source_Img_3834,Target_Img_3834,White,Male,1,0.76978476 +3835,Source_Img_3835,Target_Img_3835,White,Male,1,0.924 +3836,Source_Img_3836,Target_Img_3836,White,Male,0,0.15726924 +3837,Source_Img_3837,Target_Img_3837,White,Male,1,0.7032835 +3838,Source_Img_3838,Target_Img_3838,White,Male,0,0.07121574 +3839,Source_Img_3839,Target_Img_3839,White,Male,1,0.6637229 +3840,Source_Img_3840,Target_Img_3840,White,Male,1,0.6198705 +3841,Source_Img_3841,Target_Img_3841,White,Male,1,0.81017843 +3842,Source_Img_3842,Target_Img_3842,White,Male,0,0.0555878 +3843,Source_Img_3843,Target_Img_3843,White,Male,1,0.7445528 +3844,Source_Img_3844,Target_Img_3844,White,Male,1,0.9298224 +3845,Source_Img_3845,Target_Img_3845,White,Male,1,0.7435367 +3846,Source_Img_3846,Target_Img_3846,White,Male,0,0 +3847,Source_Img_3847,Target_Img_3847,White,Male,1,0.965 +3848,Source_Img_3848,Target_Img_3848,White,Male,1,0.7362903 +3849,Source_Img_3849,Target_Img_3849,White,Male,0,0.028470615 +3850,Source_Img_3850,Target_Img_3850,White,Male,1,0.7036891 +3851,Source_Img_3851,Target_Img_3851,White,Male,0,0.14315269 +3852,Source_Img_3852,Target_Img_3852,White,Male,1,0.992 +3853,Source_Img_3853,Target_Img_3853,White,Male,0,0.18787771 +3854,Source_Img_3854,Target_Img_3854,White,Male,1,1 +3855,Source_Img_3855,Target_Img_3855,White,Male,0,0.14247981 +3856,Source_Img_3856,Target_Img_3856,White,Male,1,0.9328928 +3857,Source_Img_3857,Target_Img_3857,White,Male,1,0.9830681 +3858,Source_Img_3858,Target_Img_3858,White,Male,0,0.192601214 +3859,Source_Img_3859,Target_Img_3859,White,Male,1,0.73425704 +3860,Source_Img_3860,Target_Img_3860,White,Male,0,0.22823655 +3861,Source_Img_3861,Target_Img_3861,White,Male,0,0.03433415 +3862,Source_Img_3862,Target_Img_3862,White,Male,1,0.74518903 +3863,Source_Img_3863,Target_Img_3863,White,Male,1,0.63871584 +3864,Source_Img_3864,Target_Img_3864,White,Male,1,0.81004296 +3865,Source_Img_3865,Target_Img_3865,White,Male,0,0.32132688 +3866,Source_Img_3866,Target_Img_3866,White,Male,1,0.6260777 +3867,Source_Img_3867,Target_Img_3867,White,Male,1,0.998 +3868,Source_Img_3868,Target_Img_3868,White,Male,1,0.7419005 +3869,Source_Img_3869,Target_Img_3869,White,Male,0,0 +3870,Source_Img_3870,Target_Img_3870,White,Male,1,0.8237064 +3871,Source_Img_3871,Target_Img_3871,White,Male,0,0.101813186 +3872,Source_Img_3872,Target_Img_3872,White,Male,1,0.68520425 +3873,Source_Img_3873,Target_Img_3873,White,Male,0,0.10278139 +3874,Source_Img_3874,Target_Img_3874,White,Male,1,0.79498173 +3875,Source_Img_3875,Target_Img_3875,White,Male,1,0.8259298 +3876,Source_Img_3876,Target_Img_3876,White,Male,0,0.05018108 +3877,Source_Img_3877,Target_Img_3877,White,Male,0,0.145727075 +3878,Source_Img_3878,Target_Img_3878,White,Male,0,0.1191746 +3879,Source_Img_3879,Target_Img_3879,White,Male,0,0.17977764 +3880,Source_Img_3880,Target_Img_3880,White,Male,1,0.83522505 +3881,Source_Img_3881,Target_Img_3881,White,Male,0,0 +3882,Source_Img_3882,Target_Img_3882,White,Male,0,0.014087414 +3883,Source_Img_3883,Target_Img_3883,White,Male,1,0.90576006 +3884,Source_Img_3884,Target_Img_3884,White,Male,0,0.171750896 +3885,Source_Img_3885,Target_Img_3885,White,Male,0,0.09234802 +3886,Source_Img_3886,Target_Img_3886,White,Male,1,0.5926097 +3887,Source_Img_3887,Target_Img_3887,White,Male,0,0.09350003 +3888,Source_Img_3888,Target_Img_3888,White,Male,1,0.860753 +3889,Source_Img_3889,Target_Img_3889,White,Male,0,0.00609828 +3890,Source_Img_3890,Target_Img_3890,White,Male,1,1 +3891,Source_Img_3891,Target_Img_3891,White,Male,1,0.82841156 +3892,Source_Img_3892,Target_Img_3892,White,Male,0,0.159385526 +3893,Source_Img_3893,Target_Img_3893,White,Male,1,0.6152927 +3894,Source_Img_3894,Target_Img_3894,White,Male,1,1 +3895,Source_Img_3895,Target_Img_3895,White,Male,1,0.936 +3896,Source_Img_3896,Target_Img_3896,White,Male,0,0.144647145 +3897,Source_Img_3897,Target_Img_3897,White,Male,1,0.7891976 +3898,Source_Img_3898,Target_Img_3898,White,Male,1,0.68785214 +3899,Source_Img_3899,Target_Img_3899,White,Male,1,0.9240129 +3900,Source_Img_3900,Target_Img_3900,White,Male,0,0.15288254 +3901,Source_Img_3901,Target_Img_3901,White,Male,0,0.12043862 +3902,Source_Img_3902,Target_Img_3902,White,Male,1,0.7151949 +3903,Source_Img_3903,Target_Img_3903,White,Male,0,0.09218152 +3904,Source_Img_3904,Target_Img_3904,White,Male,0,0.05188611 +3905,Source_Img_3905,Target_Img_3905,White,Male,1,0.819023 +3906,Source_Img_3906,Target_Img_3906,White,Male,1,0.65207143 +3907,Source_Img_3907,Target_Img_3907,White,Male,1,0.7494322 +3908,Source_Img_3908,Target_Img_3908,White,Male,1,0.8251268 +3909,Source_Img_3909,Target_Img_3909,White,Male,0,0.13355988 +3910,Source_Img_3910,Target_Img_3910,White,Male,1,0.4846407 +3911,Source_Img_3911,Target_Img_3911,White,Male,0,0.180597836 +3912,Source_Img_3912,Target_Img_3912,White,Male,1,1 +3913,Source_Img_3913,Target_Img_3913,White,Male,1,0.7239981 +3914,Source_Img_3914,Target_Img_3914,White,Male,1,0.75702097 +3915,Source_Img_3915,Target_Img_3915,White,Male,0,0.08077639 +3916,Source_Img_3916,Target_Img_3916,White,Male,0,0.09419367 +3917,Source_Img_3917,Target_Img_3917,White,Male,1,1 +3918,Source_Img_3918,Target_Img_3918,White,Male,0,0.070459595 +3919,Source_Img_3919,Target_Img_3919,White,Male,1,0.42696636 +3920,Source_Img_3920,Target_Img_3920,White,Male,1,0.60103357 +3921,Source_Img_3921,Target_Img_3921,White,Male,0,0.03444645 +3922,Source_Img_3922,Target_Img_3922,White,Male,0,0.08204022 +3923,Source_Img_3923,Target_Img_3923,White,Male,1,0.8078287 +3924,Source_Img_3924,Target_Img_3924,White,Male,0,0.01093906 +3925,Source_Img_3925,Target_Img_3925,White,Male,1,0.7697956 +3926,Source_Img_3926,Target_Img_3926,White,Male,0,0.18481682 +3927,Source_Img_3927,Target_Img_3927,White,Male,0,0.10397599 +3928,Source_Img_3928,Target_Img_3928,White,Male,0,0.167830585 +3929,Source_Img_3929,Target_Img_3929,White,Male,1,0.75702197 +3930,Source_Img_3930,Target_Img_3930,White,Male,1,1 +3931,Source_Img_3931,Target_Img_3931,White,Male,1,0.8016909 +3932,Source_Img_3932,Target_Img_3932,White,Male,1,0.88216624 +3933,Source_Img_3933,Target_Img_3933,White,Male,0,0.10480133 +3934,Source_Img_3934,Target_Img_3934,White,Male,0,0.149319305 +3935,Source_Img_3935,Target_Img_3935,White,Male,1,0.6278546 +3936,Source_Img_3936,Target_Img_3936,White,Male,0,0.06308897 +3937,Source_Img_3937,Target_Img_3937,White,Male,0,0.131999135 +3938,Source_Img_3938,Target_Img_3938,White,Male,1,0.7497898 +3939,Source_Img_3939,Target_Img_3939,White,Male,1,1 +3940,Source_Img_3940,Target_Img_3940,White,Male,0,0.05438676 +3941,Source_Img_3941,Target_Img_3941,White,Male,1,0.8255805 +3942,Source_Img_3942,Target_Img_3942,White,Male,0,0.162242726 +3943,Source_Img_3943,Target_Img_3943,White,Male,0,0.0468207 +3944,Source_Img_3944,Target_Img_3944,White,Male,1,0.7034222 +3945,Source_Img_3945,Target_Img_3945,White,Male,0,0.09840261 +3946,Source_Img_3946,Target_Img_3946,White,Male,1,0.74126535 +3947,Source_Img_3947,Target_Img_3947,White,Male,0,0.06800012 +3948,Source_Img_3948,Target_Img_3948,White,Male,0,0.16178955 +3949,Source_Img_3949,Target_Img_3949,White,Male,1,0.89786845 +3950,Source_Img_3950,Target_Img_3950,White,Male,1,0.68187393 +3951,Source_Img_3951,Target_Img_3951,White,Male,0,0.1661644 +3952,Source_Img_3952,Target_Img_3952,White,Male,0,0.15323982 +3953,Source_Img_3953,Target_Img_3953,White,Male,1,0.83192987 +3954,Source_Img_3954,Target_Img_3954,White,Male,1,0.7995595 +3955,Source_Img_3955,Target_Img_3955,White,Male,0,0.1161215 +3956,Source_Img_3956,Target_Img_3956,White,Male,1,0.5696409 +3957,Source_Img_3957,Target_Img_3957,White,Male,1,0.72049276 +3958,Source_Img_3958,Target_Img_3958,White,Male,0,0.0700801 +3959,Source_Img_3959,Target_Img_3959,White,Male,0,0 +3960,Source_Img_3960,Target_Img_3960,White,Male,1,0.9683026 +3961,Source_Img_3961,Target_Img_3961,White,Male,0,0.25436363 +3962,Source_Img_3962,Target_Img_3962,White,Male,1,0.7584606 +3963,Source_Img_3963,Target_Img_3963,White,Male,0,0.12054154 +3964,Source_Img_3964,Target_Img_3964,White,Male,1,0.6499534 +3965,Source_Img_3965,Target_Img_3965,White,Male,0,0.1219863 +3966,Source_Img_3966,Target_Img_3966,White,Male,1,0.9438414 +3967,Source_Img_3967,Target_Img_3967,White,Male,0,0 +3968,Source_Img_3968,Target_Img_3968,White,Male,1,0.7643943 +3969,Source_Img_3969,Target_Img_3969,White,Male,0,0.05926232 +3970,Source_Img_3970,Target_Img_3970,White,Male,1,0.7580004 +3971,Source_Img_3971,Target_Img_3971,White,Male,0,0.03222644 +3972,Source_Img_3972,Target_Img_3972,White,Male,1,0.8641763 +3973,Source_Img_3973,Target_Img_3973,White,Male,0,0.1500869 +3974,Source_Img_3974,Target_Img_3974,White,Male,1,0.7963089 +3975,Source_Img_3975,Target_Img_3975,White,Male,0,0.12423117 +3976,Source_Img_3976,Target_Img_3976,White,Male,1,0.85001943 +3977,Source_Img_3977,Target_Img_3977,White,Male,0,0.11158585 +3978,Source_Img_3978,Target_Img_3978,White,Male,0,0.01126605 +3979,Source_Img_3979,Target_Img_3979,White,Male,1,0.69961957 +3980,Source_Img_3980,Target_Img_3980,White,Male,0,0.03349215 +3981,Source_Img_3981,Target_Img_3981,White,Male,1,0.7906376 +3982,Source_Img_3982,Target_Img_3982,White,Male,1,0.75500673 +3983,Source_Img_3983,Target_Img_3983,White,Male,0,0.0895796 +3984,Source_Img_3984,Target_Img_3984,White,Male,1,0.7771649 +3985,Source_Img_3985,Target_Img_3985,White,Male,0,0.156425295 +3986,Source_Img_3986,Target_Img_3986,White,Male,0,0.05747536 +3987,Source_Img_3987,Target_Img_3987,White,Male,1,0.5746303 +3988,Source_Img_3988,Target_Img_3988,White,Male,0,0.09652807 +3989,Source_Img_3989,Target_Img_3989,White,Male,0,0 +3990,Source_Img_3990,Target_Img_3990,White,Male,0,0.13379122 +3991,Source_Img_3991,Target_Img_3991,White,Male,1,0.6751835 +3992,Source_Img_3992,Target_Img_3992,White,Male,0,0.05738602 +3993,Source_Img_3993,Target_Img_3993,White,Male,1,0.988 +3994,Source_Img_3994,Target_Img_3994,White,Male,0,0.10804309 +3995,Source_Img_3995,Target_Img_3995,White,Male,1,0.81607465 +3996,Source_Img_3996,Target_Img_3996,White,Male,0,0.06888785 +3997,Source_Img_3997,Target_Img_3997,White,Male,1,0.91 +3998,Source_Img_3998,Target_Img_3998,White,Male,0,0.17148975 +3999,Source_Img_3999,Target_Img_3999,White,Male,0,0.17418621 diff --git a/notebooks/responsibleaidashboard/notebook.py b/notebooks/responsibleaidashboard/notebook.py new file mode 100644 index 0000000000..153cfb558c --- /dev/null +++ b/notebooks/responsibleaidashboard/notebook.py @@ -0,0 +1,245 @@ +# %% [markdown] +# # Assess income level predictions on adult census data + +# %% [markdown] +# This notebook demonstrates the use of the `responsibleai` API to assess a model trained on census data. It walks through the API calls necessary to create a widget with model analysis insights, then guides a visual analysis of the model. + +# %% [markdown] +# * [Launch Responsible AI Toolbox](#Launch-Responsible-AI-Toolbox) +# * [Train a Model](#Train-a-Model) +# * [Create Model and Data Insights](#Create-Model-and-Data-Insights) +# * [Assess Your Model](#Assess-Your-Model) +# * [Aggregate Analysis](#Aggregate-Analysis) +# * [Individual Analysis](#Individual-Analysis) + +# %% [markdown] +# ## Launch Responsible AI Toolbox + +# %% [markdown] +# The following section examines the code necessary to create datasets and a model. It then generates insights using the `responsibleai` API that can be visually analyzed. + +# %% [markdown] +# ### Train a Model +# *The following section can be skipped. It loads a dataset and trains a model for illustrative purposes.* + +# %% +import sklearn +import zipfile + +from sklearn.pipeline import Pipeline +from sklearn.impute import SimpleImputer +from sklearn.preprocessing import StandardScaler, OneHotEncoder +from sklearn.compose import ColumnTransformer +from sklearn.model_selection import train_test_split + +import pandas as pd +from lightgbm import LGBMClassifier + +# %% [markdown] +# First, load the census dataset and specify the different types of features. Then, clean the target feature values to include only 0 and 1. + +# %% +from sklearn.pipeline import Pipeline +from sklearn.impute import SimpleImputer +from sklearn.preprocessing import StandardScaler, OneHotEncoder +from sklearn.compose import ColumnTransformer + +def split_label(dataset, target_feature): + X = dataset.drop([target_feature], axis=1) + y = dataset[[target_feature]] + return X, y + +def clean_data(X, y, target_feature): + features = X.columns.values.tolist() + classes = y[target_feature].unique().tolist() + pipe_cfg = { + 'num_cols': X.dtypes[X.dtypes == 'int64'].index.values.tolist(), + 'cat_cols': X.dtypes[X.dtypes == 'object'].index.values.tolist(), + } + num_pipe = Pipeline([ + ('num_imputer', SimpleImputer(strategy='median')), + ('num_scaler', StandardScaler()) + ]) + cat_pipe = Pipeline([ + ('cat_imputer', SimpleImputer(strategy='constant', fill_value='?')), + ('cat_encoder', OneHotEncoder(handle_unknown='ignore', sparse=False)) + ]) + feat_pipe = ColumnTransformer([ + ('num_pipe', num_pipe, pipe_cfg['num_cols']), + ('cat_pipe', cat_pipe, pipe_cfg['cat_cols']) + ]) + X = feat_pipe.fit_transform(X) + print(pipe_cfg['cat_cols']) + return X, feat_pipe, features, classes + +outdirname = 'responsibleai.12.28.21' +try: + from urllib import urlretrieve +except ImportError: + from urllib.request import urlretrieve +zipfilename = outdirname + '.zip' +urlretrieve('https://publictestdatasets.blob.core.windows.net/data/' + zipfilename, zipfilename) +with zipfile.ZipFile(zipfilename, 'r') as unzip: + unzip.extractall('.') + +target_feature = 'income' +categorical_features = ['workclass', 'education', 'marital-status', + 'occupation', 'relationship', 'race', 'gender', 'native-country'] +sensitive_features = ['race', 'gender', 'native-country'] + +train_data = pd.read_csv('adult-train.csv') +test_data = pd.read_csv('adult-test.csv') + + +X_train_original, y_train = split_label(train_data, target_feature) +X_test_original, y_test = split_label(test_data, target_feature) + + +X_train, feat_pipe, features, classes = clean_data(X_train_original.drop(columns=sensitive_features), y_train, target_feature) +y_train = y_train[target_feature].to_numpy() + +X_test = feat_pipe.transform(X_test_original.drop(columns=sensitive_features)) +y_test = y_test[target_feature].to_numpy() + +train_data[target_feature] = y_train +test_data[target_feature] = y_test + +test_data_sample = test_data.sample(n=100, random_state=5) +train_data_sample = train_data.sample(n=8000, random_state=5) + +# %% [markdown] +# Train a LightGBM classifier on the training data. + +# %% +clf = LGBMClassifier(n_estimators=5) +model = clf.fit(X_train, y_train) + +# %% [markdown] +# ### Create Model and Data Insights + +# %% +from raiwidgets import ResponsibleAIDashboard +from responsibleai import RAIInsights + +# %% [markdown] +# To use Responsible AI Toolbox, initialize a RAIInsights object upon which different components can be loaded. +# +# RAIInsights accepts the model, the full dataset, the test dataset, the target feature string, the task type string, and a list of strings of categorical feature names as its arguments. + +# %% +dashboard_pipeline = Pipeline(steps=[('preprocess', feat_pipe), ('model', model)]) + +rai_insights = RAIInsights(dashboard_pipeline, train_data_sample, test_data_sample, target_feature, 'classification', + categorical_features=categorical_features, metadata_columns=sensitive_features) + +# %% [markdown] +# Add the components of the toolbox that are focused on model assessment. + +# %% +# Interpretability +rai_insights.explainer.add() +# Error Analysis +rai_insights.error_analysis.add() +# Counterfactuals: accepts total number of counterfactuals to generate, the label that they should have, and a list of + # strings of categorical feature names +rai_insights.counterfactual.add(total_CFs=10, desired_class='opposite') + +# %% [markdown] +# Once all the desired components have been loaded, compute insights on the test set. + +# %% +rai_insights.compute() + +# %% [markdown] +# Finally, visualize and explore the model insights. Use the resulting widget or follow the link to view this in a new tab. + +# %% +ResponsibleAIDashboard(rai_insights) + +# %% [markdown] +# ## Assess Your Model + +# %% [markdown] +# ### Aggregate Analysis + +# %% [markdown] +# The Error Analysis component is displayed at the top of the dashboard widget. To visualize how error is broken down across cohorts, use the tree map view to understand how it filters through the nodes. + +# %% [markdown] +# ![Error Analysis tree map with "Marital Status == 2," "Capital Gain <= 1287.5," "Capital Loss <= 1494.5" path selected](./img/classification-assessment-1.png) + +# %% [markdown] +# Over 40% of the error in this model is concentrated in datapoints of people who are married, have higher education and minimal capital gain. +# +# Let's see what else we can discover about this cohort. +# +# First, save the cohort by clicking "Save as a new cohort" on the right side panel of the Error Analysis component. + +# %% [markdown] +# ![Cohort creation sidebar and tree map cohort creation popup](./img/classification-assessment-2.png) + +# %% [markdown] +# To switch to this cohort for analysis, click "Switch global cohort" and select the recently saved cohort from the dropdown. + +# %% [markdown] +# ![Popup with dropdown to shift cohort from "All data" to "Married, Low Capital Loss/Gain" accompanied by cohort statistics](./img/classification-assessment-3.png) + +# %% [markdown] +# The Model Overview component allows the comparison of statistics across multiple saved cohorts. +# +# The diagram indicates that the model is misclassifying datapoints of married individuals with low capital gains and high education as lower income (false negative). + +# %% [markdown] +# ![Bar chart of classification outcomes (true negative, true positive, false negative, false positive) compared across cohorts](./img/classification-assessment-4.png) + +# %% [markdown] +# Looking at the ground truth statistics of the overall data and the erroneous cohort, we realize there are opposite patterns in terms of high income representation in ground truth. While the overall data is representing more individuals with actual income of <= 50K, the married individuals with low capital gains and high education represent more individuals with actual income of > 50K. Given the small size of the dataset and this reverse pattern, the model makes more mistakes in predicting high income individuals. One action item is to collect a lot more data in both cohorts and retrain the model. + +# %% [markdown] +# ![image-3.png](./img/classification-assessment-5.png) + +# %% [markdown] +# ![image.png](./img/classification-assessment-6.png) + +# %% [markdown] +# The Interpretability component displays feature importances for model predictions at an individual and aggregate level. The plot below indicates that the `marital-status` attribute influence model predictions the most on average. + +# %% [markdown] +# ![Top 5 features of the cohort, in descending importance: relationship, age, capital gain, education-num, hours per week](./img/classification-assessment-7.png) + +# %% [markdown] +# The lower half of this tab specifies how marita status affects model prediction. Being a husband or wife (married-civ-spouse) is more likely to pull the prediction away from <=50k, possibly because couples have a higher cumulative income. + +# %% [markdown] +# ![Feature importance stratified by relationship](./img/classification-assessment-8.png) + +# %% [markdown] +# ### Individual Analysis + +# %% [markdown] +# Let's revisit Data Explorer. In the "Individual datapoints" view, we can see the prediction probabilities of each point. Point 510 is one that was just above the threshold to be classified as income of > 50K. + +# %% [markdown] +# ![Scatter plot of prediction probabilities (rounded to 0.2) on the y-axis and index on the x-axis](./img/classification-assessment-9.png) + +# %% [markdown] +# What factors led the model to make this decision? +# +# The "Individual feature importance" tab in the Interpretability component's Feature Importances section let you select points for further analysis. + +# %% [markdown] +# ![Table of datapoints with row 510 selected](./img/classification-assessment-10.png) + +# %% [markdown] +# Under this, the feature importance plot shows `capital-gain` and `native-country` as the most significant factors leading to the <= 50K classification. Changing these may cause the threshold to be crossed and the model to predict the opposite class. Please note that depending on the context, the high importance of `native-country` might be considered as a fairness issue. + +# %% [markdown] +# ![Feature importance plot for classification of 0 (descending, positive to negative): age, hours per week, capital gain, race, education-num, workclass, sex, country, occupation, marital status, relationship, capital loss](./img/classification-assessment-11.png) + +# %% [markdown] +# The What-If Counterfactuals component focuses on how to change features slightly in order to change model predictions. As seen in its top ranked features bar plot, changing this person's marital-status, capital-loss, and education-num have the highest impact on flipping the prediction to > 50K. + +# %% [markdown] +# ![Top-ranked features (descending) for datapoint 510 to perturb to flip model prediction: age, hours per week, capital gain, capital loss, marital status, occupation, education-num, workclass, relationship, race, sex, country](./img/classification-assessment-12.png) + + diff --git a/notebooks/responsibleaidashboard/responsibleaidashboard-census-classification-model-debugging.ipynb b/notebooks/responsibleaidashboard/responsibleaidashboard-census-classification-model-debugging.ipynb index f03e0843fa..dde4f52edc 100644 --- a/notebooks/responsibleaidashboard/responsibleaidashboard-census-classification-model-debugging.ipynb +++ b/notebooks/responsibleaidashboard/responsibleaidashboard-census-classification-model-debugging.ipynb @@ -56,10 +56,18 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 1, "id": "indie-message", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + ":228: RuntimeWarning: scipy._lib.messagestream.MessageStream size changed, may indicate binary incompatibility. Expected 56 from C header, got 64 from PyObject\n" + ] + } + ], "source": [ "import sklearn\n", "import zipfile\n", @@ -84,10 +92,18 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 3, "id": "resistant-consequence", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['workclass', 'education', 'marital-status', 'occupation', 'relationship']\n" + ] + } + ], "source": [ "from sklearn.pipeline import Pipeline\n", "from sklearn.impute import SimpleImputer\n", @@ -135,7 +151,7 @@ "target_feature = 'income'\n", "categorical_features = ['workclass', 'education', 'marital-status',\n", " 'occupation', 'relationship', 'race', 'gender', 'native-country']\n", - "\n", + "sensitive_features = ['race', 'gender', 'native-country']\n", "\n", "train_data = pd.read_csv('adult-train.csv')\n", "test_data = pd.read_csv('adult-test.csv')\n", @@ -145,16 +161,16 @@ "X_test_original, y_test = split_label(test_data, target_feature)\n", "\n", "\n", - "X_train, feat_pipe, features, classes = clean_data(X_train_original, y_train, target_feature)\n", + "X_train, feat_pipe, features, classes = clean_data(X_train_original.drop(columns=sensitive_features), y_train, target_feature)\n", "y_train = y_train[target_feature].to_numpy()\n", "\n", - "X_test = feat_pipe.transform(X_test_original)\n", + "X_test = feat_pipe.transform(X_test_original.drop(columns=sensitive_features))\n", "y_test = y_test[target_feature].to_numpy()\n", "\n", "train_data[target_feature] = y_train\n", "test_data[target_feature] = y_test\n", "\n", - "test_data_sample = test_data.sample(n=500, random_state=5)\n", + "test_data_sample = test_data.sample(n=100, random_state=5)\n", "train_data_sample = train_data.sample(n=8000, random_state=5)" ] }, @@ -168,7 +184,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 4, "id": "biological-album", "metadata": {}, "outputs": [], @@ -187,10 +203,19 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 5, "id": "residential-identification", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\ProgramData\\Anaconda3\\lib\\site-packages\\statsmodels\\compat\\pandas.py:65: FutureWarning: pandas.Int64Index is deprecated and will be removed from pandas in a future version. Use pandas.Index with the appropriate dtype instead.\n", + " from pandas import Int64Index as NumericIndex\n" + ] + } + ], "source": [ "from raiwidgets import ResponsibleAIDashboard\n", "from responsibleai import RAIInsights" @@ -208,7 +233,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 6, "id": "bulgarian-hepatitis", "metadata": {}, "outputs": [], @@ -229,7 +254,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 7, "id": "governing-antique", "metadata": {}, "outputs": [], @@ -253,10 +278,138 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 8, "id": "average-calibration", "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 0%| | 0/100 [00:00\u001b[1;34m\u001b[0m\n\u001b[1;32m----> 1\u001b[0m \u001b[43mrai_insights\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcompute\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[1;32mc:\\users\\roman\\git\\responsible-ai-toolbox\\responsibleai\\responsibleai\\rai_insights\\rai_insights.py:426\u001b[0m, in \u001b[0;36mRAIInsights.compute\u001b[1;34m(self)\u001b[0m\n\u001b[0;32m 424\u001b[0m \u001b[38;5;124;03m\"\"\"Calls compute on each of the managers.\"\"\"\u001b[39;00m\n\u001b[0;32m 425\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m manager \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_managers:\n\u001b[1;32m--> 426\u001b[0m \u001b[43mmanager\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcompute\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[1;32mc:\\users\\roman\\git\\responsible-ai-toolbox\\responsibleai\\responsibleai\\managers\\error_analysis_manager.py:241\u001b[0m, in \u001b[0;36mErrorAnalysisManager.compute\u001b[1;34m(self)\u001b[0m\n\u001b[0;32m 239\u001b[0m min_child_samples \u001b[38;5;241m=\u001b[39m config\u001b[38;5;241m.\u001b[39mmin_child_samples\n\u001b[0;32m 240\u001b[0m filter_features \u001b[38;5;241m=\u001b[39m config\u001b[38;5;241m.\u001b[39mfilter_features\n\u001b[1;32m--> 241\u001b[0m report \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_analyzer\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcreate_error_report\u001b[49m\u001b[43m(\u001b[49m\n\u001b[0;32m 242\u001b[0m \u001b[43m \u001b[49m\u001b[43mfilter_features\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mmax_depth\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmax_depth\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 243\u001b[0m \u001b[43m \u001b[49m\u001b[43mmin_child_samples\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmin_child_samples\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 244\u001b[0m \u001b[43m \u001b[49m\u001b[43mnum_leaves\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mnum_leaves\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 245\u001b[0m \u001b[43m \u001b[49m\u001b[43mcompute_importances\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m)\u001b[49m\n\u001b[0;32m 247\u001b[0m \u001b[38;5;66;03m# Validate the serialized output against schema\u001b[39;00m\n\u001b[0;32m 248\u001b[0m schema \u001b[38;5;241m=\u001b[39m ErrorAnalysisManager\u001b[38;5;241m.\u001b[39m_get_error_analysis_schema()\n", + "File \u001b[1;32mc:\\users\\roman\\git\\responsible-ai-toolbox\\erroranalysis\\erroranalysis\\analyzer\\error_analyzer.py:328\u001b[0m, in \u001b[0;36mBaseAnalyzer.create_error_report\u001b[1;34m(self, filter_features, max_depth, num_leaves, min_child_samples, compute_importances)\u001b[0m\n\u001b[0;32m 302\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mcreate_error_report\u001b[39m(\u001b[38;5;28mself\u001b[39m,\n\u001b[0;32m 303\u001b[0m filter_features\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m,\n\u001b[0;32m 304\u001b[0m max_depth\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m,\n\u001b[0;32m 305\u001b[0m num_leaves\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m,\n\u001b[0;32m 306\u001b[0m min_child_samples\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m,\n\u001b[0;32m 307\u001b[0m compute_importances\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m):\n\u001b[0;32m 308\u001b[0m \u001b[38;5;124;03m\"\"\"Creates the error analysis ErrorReport.\u001b[39;00m\n\u001b[0;32m 309\u001b[0m \n\u001b[0;32m 310\u001b[0m \u001b[38;5;124;03m The ErrorReport contains the importances, heatmap and tree view json.\u001b[39;00m\n\u001b[1;32m (...)\u001b[0m\n\u001b[0;32m 326\u001b[0m \u001b[38;5;124;03m :rtype: dict\u001b[39;00m\n\u001b[0;32m 327\u001b[0m \u001b[38;5;124;03m \"\"\"\u001b[39;00m\n\u001b[1;32m--> 328\u001b[0m tree \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mcompute_error_tree\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfeature_names\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 329\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43;01mNone\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[0;32m 330\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43;01mNone\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[0;32m 331\u001b[0m \u001b[43m \u001b[49m\u001b[43mmax_depth\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmax_depth\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 332\u001b[0m \u001b[43m \u001b[49m\u001b[43mnum_leaves\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mnum_leaves\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 333\u001b[0m \u001b[43m \u001b[49m\u001b[43mmin_child_samples\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmin_child_samples\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 334\u001b[0m matrix \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[0;32m 335\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m filter_features \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n", + "File \u001b[1;32mc:\\users\\roman\\git\\responsible-ai-toolbox\\erroranalysis\\erroranalysis\\analyzer\\error_analyzer.py:294\u001b[0m, in \u001b[0;36mBaseAnalyzer.compute_error_tree\u001b[1;34m(self, features, filters, composite_filters, max_depth, num_leaves, min_child_samples)\u001b[0m\n\u001b[0;32m 265\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mcompute_error_tree\u001b[39m(\u001b[38;5;28mself\u001b[39m,\n\u001b[0;32m 266\u001b[0m features,\n\u001b[0;32m 267\u001b[0m filters,\n\u001b[1;32m (...)\u001b[0m\n\u001b[0;32m 270\u001b[0m num_leaves\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m,\n\u001b[0;32m 271\u001b[0m min_child_samples\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m):\n\u001b[0;32m 272\u001b[0m \u001b[38;5;124;03m\"\"\"Computes the tree view json.\u001b[39;00m\n\u001b[0;32m 273\u001b[0m \n\u001b[0;32m 274\u001b[0m \u001b[38;5;124;03m :param features: The selected features to train the\u001b[39;00m\n\u001b[1;32m (...)\u001b[0m\n\u001b[0;32m 292\u001b[0m \u001b[38;5;124;03m :rtype: dict\u001b[39;00m\n\u001b[0;32m 293\u001b[0m \u001b[38;5;124;03m \"\"\"\u001b[39;00m\n\u001b[1;32m--> 294\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43m_compute_error_tree\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m,\u001b[49m\n\u001b[0;32m 295\u001b[0m \u001b[43m \u001b[49m\u001b[43mfeatures\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 296\u001b[0m \u001b[43m \u001b[49m\u001b[43mfilters\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 297\u001b[0m \u001b[43m \u001b[49m\u001b[43mcomposite_filters\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 298\u001b[0m \u001b[43m \u001b[49m\u001b[43mmax_depth\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmax_depth\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 299\u001b[0m \u001b[43m \u001b[49m\u001b[43mnum_leaves\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mnum_leaves\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 300\u001b[0m \u001b[43m \u001b[49m\u001b[43mmin_child_samples\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmin_child_samples\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[1;32mc:\\users\\roman\\git\\responsible-ai-toolbox\\erroranalysis\\erroranalysis\\_internal\\surrogate_error_tree.py:97\u001b[0m, in \u001b[0;36mcompute_error_tree\u001b[1;34m(analyzer, features, filters, composite_filters, max_depth, num_leaves, min_child_samples)\u001b[0m\n\u001b[0;32m 93\u001b[0m input_data \u001b[38;5;241m=\u001b[39m input_data\u001b[38;5;241m.\u001b[39mto_numpy()\n\u001b[0;32m 95\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m is_model_analyzer:\n\u001b[0;32m 96\u001b[0m pred_y \u001b[38;5;241m=\u001b[39m analyzer\u001b[38;5;241m.\u001b[39mmodel\u001b[38;5;241m.\u001b[39mpredict(\n\u001b[1;32m---> 97\u001b[0m \u001b[43minput_data\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mdrop\u001b[49m\u001b[43m(\u001b[49m\u001b[43mcolumns\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43manalyzer\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_metadata_columns\u001b[49m\u001b[43m)\u001b[49m)\n\u001b[0;32m 99\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m analyzer\u001b[38;5;241m.\u001b[39mmodel_task \u001b[38;5;241m==\u001b[39m ModelTask\u001b[38;5;241m.\u001b[39mCLASSIFICATION:\n\u001b[0;32m 100\u001b[0m diff \u001b[38;5;241m=\u001b[39m pred_y \u001b[38;5;241m!=\u001b[39m true_y\n", + "File \u001b[1;32mC:\\ProgramData\\Anaconda3\\lib\\site-packages\\pandas\\util\\_decorators.py:311\u001b[0m, in \u001b[0;36mdeprecate_nonkeyword_arguments..decorate..wrapper\u001b[1;34m(*args, **kwargs)\u001b[0m\n\u001b[0;32m 305\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mlen\u001b[39m(args) \u001b[38;5;241m>\u001b[39m num_allow_args:\n\u001b[0;32m 306\u001b[0m warnings\u001b[38;5;241m.\u001b[39mwarn(\n\u001b[0;32m 307\u001b[0m msg\u001b[38;5;241m.\u001b[39mformat(arguments\u001b[38;5;241m=\u001b[39marguments),\n\u001b[0;32m 308\u001b[0m \u001b[38;5;167;01mFutureWarning\u001b[39;00m,\n\u001b[0;32m 309\u001b[0m stacklevel\u001b[38;5;241m=\u001b[39mstacklevel,\n\u001b[0;32m 310\u001b[0m )\n\u001b[1;32m--> 311\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m func(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs)\n", + "File \u001b[1;32mC:\\ProgramData\\Anaconda3\\lib\\site-packages\\pandas\\core\\frame.py:4956\u001b[0m, in \u001b[0;36mDataFrame.drop\u001b[1;34m(self, labels, axis, index, columns, level, inplace, errors)\u001b[0m\n\u001b[0;32m 4808\u001b[0m \u001b[38;5;129m@deprecate_nonkeyword_arguments\u001b[39m(version\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m, allowed_args\u001b[38;5;241m=\u001b[39m[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mself\u001b[39m\u001b[38;5;124m\"\u001b[39m, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mlabels\u001b[39m\u001b[38;5;124m\"\u001b[39m])\n\u001b[0;32m 4809\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mdrop\u001b[39m(\n\u001b[0;32m 4810\u001b[0m \u001b[38;5;28mself\u001b[39m,\n\u001b[1;32m (...)\u001b[0m\n\u001b[0;32m 4817\u001b[0m errors: \u001b[38;5;28mstr\u001b[39m \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mraise\u001b[39m\u001b[38;5;124m\"\u001b[39m,\n\u001b[0;32m 4818\u001b[0m ):\n\u001b[0;32m 4819\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[0;32m 4820\u001b[0m \u001b[38;5;124;03m Drop specified labels from rows or columns.\u001b[39;00m\n\u001b[0;32m 4821\u001b[0m \n\u001b[1;32m (...)\u001b[0m\n\u001b[0;32m 4954\u001b[0m \u001b[38;5;124;03m weight 1.0 0.8\u001b[39;00m\n\u001b[0;32m 4955\u001b[0m \u001b[38;5;124;03m \"\"\"\u001b[39;00m\n\u001b[1;32m-> 4956\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43msuper\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mdrop\u001b[49m\u001b[43m(\u001b[49m\n\u001b[0;32m 4957\u001b[0m \u001b[43m \u001b[49m\u001b[43mlabels\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mlabels\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4958\u001b[0m \u001b[43m \u001b[49m\u001b[43maxis\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43maxis\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4959\u001b[0m \u001b[43m \u001b[49m\u001b[43mindex\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mindex\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4960\u001b[0m \u001b[43m \u001b[49m\u001b[43mcolumns\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcolumns\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4961\u001b[0m \u001b[43m \u001b[49m\u001b[43mlevel\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mlevel\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4962\u001b[0m \u001b[43m \u001b[49m\u001b[43minplace\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minplace\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4963\u001b[0m \u001b[43m \u001b[49m\u001b[43merrors\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43merrors\u001b[49m\u001b[43m,\u001b[49m\n\u001b[0;32m 4964\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[1;32mC:\\ProgramData\\Anaconda3\\lib\\site-packages\\pandas\\core\\generic.py:4271\u001b[0m, in \u001b[0;36mNDFrame.drop\u001b[1;34m(self, labels, axis, index, columns, level, inplace, errors)\u001b[0m\n\u001b[0;32m 4269\u001b[0m axes, _ \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_construct_axes_from_arguments((index, columns), {})\n\u001b[0;32m 4270\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m-> 4271\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mValueError\u001b[39;00m(\n\u001b[0;32m 4272\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mNeed to specify at least one of \u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mlabels\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m, \u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mindex\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m or \u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mcolumns\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[0;32m 4273\u001b[0m )\n\u001b[0;32m 4275\u001b[0m obj \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\n\u001b[0;32m 4277\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m axis, labels \u001b[38;5;129;01min\u001b[39;00m axes\u001b[38;5;241m.\u001b[39mitems():\n", + "\u001b[1;31mValueError\u001b[0m: Need to specify at least one of 'labels', 'index' or 'columns'" + ] + } + ], "source": [ "rai_insights.compute()" ] @@ -519,7 +672,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.6.13" + "version": "3.9.7" } }, "nbformat": 4, diff --git a/notebooks/responsibleaidashboard/stt_testing_data.csv b/notebooks/responsibleaidashboard/stt_testing_data.csv new file mode 100644 index 0000000000..2a6f2ff5fe --- /dev/null +++ b/notebooks/responsibleaidashboard/stt_testing_data.csv @@ -0,0 +1,4277 @@ +,age,age_onset,birthplace,filename,native_language,sex,speakerid,country,file_missing,ground_truth_text,predicted_text,file_paths +32,27,9,"virginia, south africa",afrikaans1,afrikaans,female,1,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with him from the store. 6 spoons of regional peace, 5 thick slabs of blue cheese and maybe a snack for her brother, brother Bob. We also need a small plastic snake and big to a frog for their kids. She can scoop these things into free rate bags and we will go meet in Winsted at the train station.",recordings/wav/afrikaans1.wav +33,40,5,"pretoria, south africa",afrikaans2,afrikaans,male,2,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/afrikaans2.wav +34,43,4,"pretoria, transvaal, south africa",afrikaans3,afrikaans,male,418,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/afrikaans3.wav +35,26,8,"pretoria, south africa",afrikaans4,afrikaans,male,1159,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/afrikaans4.wav +36,19,6,"cape town, south africa",afrikaans5,afrikaans,male,1432,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet her Wednesday at the train station.",recordings/wav/afrikaans5.wav +37,25,15,"diekabo, ivory coast",agni1,agni,male,3,ivory coast,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from this store. 6 spoon of fresh snow peas valve fixed lab.,recordings/wav/agni1.wav +38,41,5,"accra, ghana",akan1,akan,male,979,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with it from the store. 66 pounds of fresh snow peas.,recordings/wav/akan1.wav +39,19,6,"prishtina, kosovo",albanian1,albanian,male,4,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.",recordings/wav/albanian1.wav +40,33,15,"tirana, albania",albanian2,albanian,male,5,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/albanian2.wav +41,44,35,"tirana, albania",albanian3,albanian,male,458,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of rest not peace. 5 thick slabs of blue cheese and maybe a snack of her brother Bob.,recordings/wav/albanian3.wav +42,33,28,"mitrovice, kosovo",albanian4,albanian,male,868,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her.,recordings/wav/albanian4.wav +43,31,11,"vlore, albania",albanian5,albanian,male,946,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things from with her from the store. 6 spoons of Personal piece 5-6 laps or blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/albanian5.wav +44,25,11,"prishtina, kosovo",albanian6,albanian,female,1081,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her mom with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her for the kids. She can scoop these things into 3 red bags and we will go meet her once they at the train station.,recordings/wav/albanian6.wav +45,45,11,"prishtina, kosovo",albanian7,albanian,female,1403,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/albanian7.wav +46,43,9,"prishtina, kosovo",albanian8,albanian,female,1404,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wet Wednesday at the train station.",recordings/wav/albanian8.wav +47,22,6,"tirana, albania",albanian9,albanian,female,1706,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/albanian9.wav +48,37,32,"tata, morocco",amazigh1,amazigh,male,601,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these tank with her from the store. 6 poems of fresh Snow Peas 5 takes stables or blue cheese and maybe a snack for her brother Bob. We also needed a small plastic snack and big.,recordings/wav/amazigh1.wav +49,39,16,"ouarzazat, morocco",amazigh2,amazigh,male,1498,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call steel and ask her to bring these tanks with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/amazigh2.wav +50,20,5,"addis ababa, ethiopia",amharic1,amharic,female,6,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call the steel.,recordings/wav/amharic1.wav +51,29,19,"gonder, ethiopia",amharic10,amharic,female,998,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask. Ask her to bring this thing with her from the store. 6 spoon or fresh.,recordings/wav/amharic10.wav +52,24,17,"addis ababa, ethiopia",amharic11,amharic,female,1129,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog from the kids. She can scoop these things into 3 red bags and we also we will go meet her Wednesday at the train station.",recordings/wav/amharic11.wav +53,26,15,"addis ababa, ethiopia",amharic12,amharic,female,1130,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh snow peas. 5-6 slopes of blue cheese and maybe a snack for the brother but her brother. But we also need a small plastic snack and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when stay at the train station.,recordings/wav/amharic12.wav +54,28,6,"addis ababa, ethiopia",amharic13,amharic,female,1131,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella asked her to bring these things with her from the stores. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack, snack, snack and a big.",recordings/wav/amharic13.wav +55,31,12,"addis ababa, ethiopia",amharic14,amharic,male,1515,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/amharic14.wav +56,23,6,"addis ababa, ethiopia",amharic15,amharic,male,1516,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow beans. 5 ticks.,recordings/wav/amharic15.wav +57,36,11,"werder, ethiopia",amharic16,amharic,male,1854,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/amharic16.wav +58,21,9,"addis ababa, ethiopia",amharic17,amharic,male,1906,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go to meet her Wednesday at the train station.",recordings/wav/amharic17.wav +59,20,2,"addis ababa, ethiopia",amharic18,amharic,female,2017,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/amharic18.wav +60,19,10,"tefki, ethiopia",amharic19,amharic,female,2132,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/amharic19.wav +61,23,7,"arba minch, ethiopia",amharic2,amharic,male,7,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring.,recordings/wav/amharic2.wav +62,52,24,"addis ababa, ethiopia",amharic20,amharic,female,2135,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call steel Stella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow pea 5 tick speed sleeve of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy for.,recordings/wav/amharic20.wav +63,27,8,"addis ababa, ethiopia",amharic3,amharic,male,8,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call set to ask her to bring these things with her from the store. 6 spoon of fresh snow peas.,recordings/wav/amharic3.wav +64,20,7,"addis ababa, ethiopia",amharic4,amharic,male,9,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call set Ella.,recordings/wav/amharic4.wav +65,31,7,"addis ababa, ethiopia",amharic5,amharic,male,10,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/amharic5.wav +66,31,4,"addis ababa, ethiopia",amharic6,amharic,female,985,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/amharic6.wav +67,38,13,"addis ababa, ethiopia",amharic7,amharic,male,989,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/amharic7.wav +68,30,12,"addis ababa, ethiopia",amharic8,amharic,female,990,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring those things with her from this store. 6 spinoff Fresh Snowpeas 5 stakes lapis of blue cheese and maybe a snack for her brother Bob. We also need to small displaced plastic snakes and a bag.,recordings/wav/amharic8.wav +69,40,12,"addis ababa, ethiopia",amharic9,amharic,male,991,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call police called Stella. Ask her to bring those things with her from the store and six spoon of fresh spoon piece.,recordings/wav/amharic9.wav +70,38,12,"riyadh, saudi arabia",arabic1,arabic,female,11,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic1.wav +71,26,5,"cairo, egypt",arabic10,arabic,male,12,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic10.wav +72,40,10,"beirut, lebanon",arabic100,arabic,female,2159,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from store.,recordings/wav/arabic100.wav +73,21,10,"doha, qatar",arabic101,arabic,male,2160,qatar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic101.wav +74,22,3,"jiddah, saudi arabia",arabic102,arabic,male,2161,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 foot thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic102.wav +75,30,14,"monastir, tunisia",arabic11,arabic,female,13,tunisia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons fresh Snow Peas 5.,recordings/wav/arabic11.wav +76,32,11,"baghdad, iraq",arabic12,arabic,male,14,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 55 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids she can't scoop.",recordings/wav/arabic12.wav +77,25,15,"zabbougha, lebanon",arabic13,arabic,male,15,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids.",recordings/wav/arabic13.wav +78,47,11,"amman, jordan",arabic14,arabic,male,428,jordan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic14.wav +79,40,33,"qayrawan, tunisia",arabic15,arabic,male,437,tunisia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from to stop to the store.,recordings/wav/arabic15.wav +80,22,16,"meknes, morocco",arabic16,arabic,male,471,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese. Then maybe a snack for her brother Ball. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic16.wav +81,35,15,"settat, morocco",arabic17,arabic,male,512,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic17.wav +82,18,6,"kuwait city, kuwait",arabic18,arabic,male,539,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stock 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy folk or the kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic18.wav +83,43,18,"khouribga, morocco",arabic19,arabic,male,625,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as he asked her to bring in these tanks with her from the store. 6 spoons.,recordings/wav/arabic19.wav +84,18,2.5,"damascus, syria",arabic2,arabic,male,16,syria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic2.wav +85,36,12,"chtaura, beqa valley, lebanon",arabic20,arabic,male,643,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother bar. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/arabic20.wav +86,46,30,"beirut, lebanon",arabic21,arabic,female,670,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic21.wav +87,23,10,"abu dhabi, united arab emirates",arabic22,arabic,female,920,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic22.wav +88,42,13,"al mahalla, egypt",arabic23,arabic,male,927,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic23.wav +89,40,7,"cairo, egypt",arabic24,arabic,male,970,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Beach called the Sitla, asked her to bring these things with her from the store. 6 spoons of fresh snow Peas A5 think ethic slips of blue sheets and maybe a snack of all her brother pop. We also need a small plastic snake and pig toy frog for the kids she can.",recordings/wav/arabic24.wav +90,38,5,"ramun, israel (occupied territory)",arabic25,arabic,male,1011,israel (occupied territory),FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic25.wav +91,43,14,"amman, jordan",arabic26,arabic,female,1012,jordan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her from the store. 6 spoon of fresh Snow peas 5.,recordings/wav/arabic26.wav +92,70,10,"jerusalem, israel",arabic27,arabic,male,1013,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic27.wav +93,30,12,"al-ayn, united arab emirates",arabic28,arabic,male,1115,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Store 6 pounds of fresh snow peas, 5-6 lives of blue cheese and maybe a snake for her.",recordings/wav/arabic28.wav +94,19,17,"doha, qatar",arabic29,arabic,male,1116,qatar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","At least Godzilla ask her to bring these things with her from the store, said spoons of fresh nose piece by taxi slaps or off a blue cheese and maybe a snack for help brother Pop. We also need a small plastic snacks and a big toy frog for the kids. She can scoped these things into three into the red bags and we will go meet.",recordings/wav/arabic29.wav +95,24,9,"doha, qatar",arabic3,arabic,male,17,qatar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Stella. Ask her to bring these things with her from the store. 6 points of fresh Snow Peas 5 THX.,recordings/wav/arabic3.wav +96,19,8,"riyadh, saudi arabia",arabic30,arabic,female,1133,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her for the store, 6 spoons of fresh springs of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and snack and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic30.wav +97,47,12,"baghdad, iraq",arabic31,arabic,female,1181,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her for a with her from the store. 6 spoons are of fish. Know a pet pizza, 5 sticks a thick as.",recordings/wav/arabic31.wav +98,42,12,"baghdad, iraq",arabic32,arabic,male,1203,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic32.wav +99,28,11,"baghdad, iraq",arabic33,arabic,female,1204,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of a fresh snow piece.,recordings/wav/arabic33.wav +100,34,6,"kuwait city, kuwait",arabic34,arabic,female,1253,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic34.wav +101,56,16,"jiddah, saudi arabia",arabic35,arabic,male,1391,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring these things with her from the store. 6 spoons or fresh no peas. 5-6 slabs of blue cheese and maybe a snap of her brother Bob. We also need small plastic snack and big toy frog for kids for the kids. She can scoop these things into their red bags and we will go meet her Wednesday at the train station.,recordings/wav/arabic35.wav +102,36,6,"jiddah, saudi arabia",arabic36,arabic,male,1392,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic36.wav +103,18,16,"jiddah, saudi arabia",arabic37,arabic,male,1393,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snakes and the bug toy frog for the kids chicken scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic37.wav +104,19,9,"shady grove, maryland, usa",arabic38,arabic,female,1394,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic38.wav +105,22,5,"jiddah, saudi arabia",arabic39,arabic,male,1405,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from store 6 pounds of fresh snow peas. 5 thick slabs of of of blue cheese and maybe a snack for her brother Bob.,recordings/wav/arabic39.wav +106,19,6,"sharjah, united arab emirates",arabic4,arabic,male,18,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack at the big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/arabic4.wav +107,19,13,"jiddah, saudi arabia",arabic40,arabic,male,1420,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic40.wav +108,25,7,"riyadh, saudi arabia",arabic41,arabic,male,1421,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I asked her to bring these things with her from the store.,recordings/wav/arabic41.wav +109,21,13,"jiddah, saudi arabia",arabic42,arabic,male,1422,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call start.,recordings/wav/arabic42.wav +110,29,8,"beirut, lebanon",arabic43,arabic,female,1426,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic43.wav +111,29,7,"jiddah, saudi arabia",arabic44,arabic,female,1455,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into the into 3 red bags and we will go meet her when his day at at the train station.",recordings/wav/arabic44.wav +112,32,12,"fort collins, colorado, usa",arabic45,arabic,female,1456,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the storm 6 spoons of fresh snow peas thrive. Thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/arabic45.wav +113,28,13,"jiddah, saudi arabia",arabic46,arabic,male,1457,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic46.wav +114,39,16,"jiddah, saudi arabia",arabic47,arabic,male,1458,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us tell ask her to bring.,recordings/wav/arabic47.wav +115,29,12,"mecca, saudi arabia",arabic48,arabic,male,1459,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of French snowpeas 5-6 slab of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet here.,recordings/wav/arabic48.wav +116,26,8,"medina, saudi arabia",arabic49,arabic,male,1460,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic49.wav +117,19,15,"casablanca, morocco",arabic5,arabic,female,19,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/arabic5.wav +118,36,22,"jiddah, saudi arabia",arabic50,arabic,male,1461,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stock 6 spoons.,recordings/wav/arabic50.wav +119,23,12,"jiddah, saudi arabia",arabic51,arabic,male,1486,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic51.wav +120,21,9,"jiddah, saudi arabia",arabic52,arabic,female,1487,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic52.wav +121,36,17,"rabat, morocco",arabic53,arabic,male,1526,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic53.wav +122,22,7,"baghdad, iraq",arabic54,arabic,male,1565,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic54.wav +123,70,33,"beirut, lebanon",arabic55,arabic,male,1569,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",So please call Stella.,recordings/wav/arabic55.wav +124,43,12,"ain defla, algeria",arabic56,arabic,male,1677,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic56.wav +125,28,17,"beirut, lebanon",arabic57,arabic,female,1699,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic57.wav +126,34,9,"baghdad, iraq",arabic58,arabic,male,1700,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow bees A5. Thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake snake and a big toy frog for the kids. She can scoop these things into 3 red box and we will go meet her when his day at the train station.,recordings/wav/arabic58.wav +127,55,9,"irbid, jordan",arabic59,arabic,male,1702,jordan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 wounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic59.wav +128,21,14.5,"sanaa, yemen",arabic6,arabic,male,20,yemen,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please question, ask her to bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese.",recordings/wav/arabic6.wav +129,60,14,"cairo, egypt",arabic60,arabic,male,1711,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic60.wav +130,20,7,"manama, bahrain",arabic61,arabic,male,1753,bahrain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic61.wav +131,19,18,"ad dammam, saudi arabia",arabic62,arabic,male,1768,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic62.wav +132,28,10,"bani walid, libya",arabic63,arabic,female,1769,libya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/arabic63.wav +133,23,6,"riyadh, saudi arabia",arabic64,arabic,male,1777,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic64.wav +134,32,10,"samail, oman",arabic65,arabic,female,1778,oman,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brothers brother Pop. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/arabic65.wav +135,50,14,"medina, saudi arabia",arabic66,arabic,male,1784,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the story. 6 spawns of fresh.,recordings/wav/arabic66.wav +136,43,22,"nasriah, iraq",arabic67,arabic,male,1785,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow.,recordings/wav/arabic67.wav +137,20,6,"london, uk",arabic68,arabic,male,1805,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic68.wav +138,55,15,"kerma, sudan",arabic69,arabic,female,1810,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring new things with her from the store.,recordings/wav/arabic69.wav +139,18,15,"casablanca, morocco",arabic7,arabic,female,21,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic7.wav +140,47,16,"casablanca, morocco",arabic70,arabic,male,1827,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and will go.",recordings/wav/arabic70.wav +141,29,21,"kuwait city, kuwait",arabic71,arabic,female,1828,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic71.wav +142,20,11,"baghdad, iraq",arabic72,arabic,female,1832,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 60 pounds of fresh newbies by thick slabs of blue cheese and maybe his knack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and we will go meet her on his day at the train station.,recordings/wav/arabic72.wav +143,47,7,"nazareth, israel",arabic73,arabic,female,1841,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/arabic73.wav +144,18,4,"alexandria, egypt",arabic74,arabic,male,1870,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic74.wav +145,26,2,"riyadh, saudi arabia",arabic75,arabic,female,1885,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic75.wav +146,25,4,"jiddah, saudi arabia",arabic76,arabic,male,1892,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday and at the train station.",recordings/wav/arabic76.wav +147,18,4,"ad dammam, saudi arabia",arabic77,arabic,female,1894,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 556 slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic77.wav +148,19,3,"washington, district of columbia, usa",arabic78,arabic,female,1897,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic78.wav +149,24,13,"medina, saudi arabia",arabic79,arabic,female,1899,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Six months of Rushlow piece, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go Mr Wednesday at the train station.",recordings/wav/arabic79.wav +150,21,17,"casablanca, morocco",arabic8,arabic,male,22,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/arabic8.wav +151,25,11,"najran, saudi arabia",arabic80,arabic,male,1901,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",His cold steel a ask her to bring these things with her from the store.,recordings/wav/arabic80.wav +152,22,17,"riyadh, saudi arabia",arabic81,arabic,male,1914,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother pop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic81.wav +153,42,12,"damascus, syria",arabic82,arabic,male,1917,syria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake. A snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic82.wav +154,22,21,"riyadh, saudi arabia",arabic83,arabic,male,1920,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh snow base of five thanks slips of blue cheese and maybe a snack from her brother book. We also need a small plastic snack and a big toy frog for the kids. She can skip this thing into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/arabic83.wav +155,26,12,"medina, saudi arabia",arabic84,arabic,female,1927,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 teaspoons of a fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/arabic84.wav +156,24,14,"ad dammam, saudi arabia",arabic85,arabic,female,1963,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic85.wav +157,28,3,"cairo, egypt",arabic86,arabic,male,1964,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic86.wav +158,49,10,"kuwait city, kuwait",arabic87,arabic,female,2005,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother pub. We also need a small plastic snack.",recordings/wav/arabic87.wav +159,19,4,"beirut, lebanon",arabic88,arabic,female,2008,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stored 6 spoons of fresh snow peas.,recordings/wav/arabic88.wav +160,35,19,"baghdad, iraq",arabic89,arabic,female,2022,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 teaspoons of fresh Snow peas, 5 thick slabs of a blue cheese and maybe snacks for her brother Bob.",recordings/wav/arabic89.wav +161,28,4,"jerusalem, israel",arabic9,arabic,female,23,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her.",recordings/wav/arabic9.wav +162,23,12,"tripoli, libya",arabic90,arabic,female,2036,libya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the start. Six spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack from her brother.",recordings/wav/arabic90.wav +163,57,12,"riyadh, saudi arabia",arabic91,arabic,female,2086,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","This call is still a ask her. Ask her to bring the dissent things with her with her from the store, 6 spoons of fresh snow peas. 5 deck.",recordings/wav/arabic91.wav +164,36,10,"baghdad, iraq",arabic92,arabic,male,2087,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic92.wav +165,27,10,"baghdad, iraq",arabic93,arabic,female,2112,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with with her from the store. 6 spoon off fresh snow peas. 5 thick.,recordings/wav/arabic93.wav +166,24,9,"abu dhabi, united arab emirates",arabic94,arabic,female,2114,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Q.,recordings/wav/arabic94.wav +167,31,10,"kuwait city, kuwait",arabic95,arabic,female,2143,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic95.wav +168,21,7,"riyadh, saudi arabia",arabic96,arabic,male,2153,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/arabic96.wav +169,19,4,"sharjah, united arab emirates",arabic97,arabic,female,2154,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from this store. 6 spoons of versus no peace 5 thick slabs of a blue cheese and maybe a snack for her brother bought. We also need a small plastic snack and a big toy frog for decades. She cannot scoop these things until 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/arabic97.wav +170,19,4,"ras al khaimah, united arab emirates",arabic98,arabic,female,2155,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call set up, ask her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can ask you these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic98.wav +171,25,16,"ad dammam, saudi arabia",arabic99,arabic,female,2157,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow bees. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small blastic snake.,recordings/wav/arabic99.wav +172,19,9,"yerevan, armenia",armenian1,armenian,female,24,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh, no pins, 5-6 laps of blue cheese and maybe a snack for her brother broke. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/armenian1.wav +173,44,7,"tehran, iran",armenian2,armenian,female,435,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh nosepiece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/armenian2.wav +174,54,12,"yerevan, armenia",armenian3,armenian,female,849,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please cold Stella Oscar to bring these things with her from the store. 6 ponds for fresh Snow peas, 5 thick slabs of blue cheese and maybe snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her.",recordings/wav/armenian3.wav +175,27,12,"tbilisi, republic of georgia",armenian4,armenian,female,947,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/armenian4.wav +176,21,15,"yerevan, armenia",armenian5,armenian,female,997,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from his store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog frog for the kids. She can scoop these things into 3 red bags and we will go meet here Wednesday at the train station.",recordings/wav/armenian5.wav +177,23,11,"armavir, russia",armenian6,armenian,male,1228,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the start. Six months of fresh snow peas, 5 fixed types of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip those things, interfere at bags and we will go meet you on Wednesday at the train station.",recordings/wav/armenian6.wav +178,31,10,"tehran, iran",armenian7,armenian,male,1505,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these three.,recordings/wav/armenian7.wav +179,50,35,"yerevan, armenia",armenian8,armenian,female,1710,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe snag for her brother. But we also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/armenian8.wav +180,42,1,"accra, ghana",ashanti1,ashanti,female,1977,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella access to bring these things with her from the stone. 6 pounds of fresh snow peas, 5 text slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these turns into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ashanti1.wav +181,24,14,"naxcivan, azerbaijan",azerbaijani1,azerbaijani,male,25,azerbaijan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring her things with her from this store. 6 spoons of fresh snow peas, fire, thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/azerbaijani1.wav +182,42,40,"baku, azerbaijan",azerbaijani2,azerbaijani,female,434,azerbaijan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Blisko still ask her to bring this a tinkers with her from the store. 6 spoons of fresh snow.,recordings/wav/azerbaijani2.wav +183,31,16,"baku, azerbaijan",azerbaijani3,azerbaijani,male,1791,azerbaijan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from this store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/azerbaijani3.wav +184,40,30,"douala, cameroon",bafang1,bafang,male,26,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the Star 6 point of fresh snow peas. 5 think slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snap and a big toy frog for the kids she can scope.,recordings/wav/bafang1.wav +185,38,6,"douala, cameroon",bafang2,bafang,male,992,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/bafang2.wav +186,31,29,"conakry, guinea",baga1,baga,male,27,guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Steve Stella.,recordings/wav/baga1.wav +187,43,40,"jianchuan, yunnan, china",bai1,bai,female,28,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police 'cause I'll ask her to bring these things with her from the store.,recordings/wav/bai1.wav +188,15.5,12,"bamako, mali",bambara1,bambara,female,29,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/bambara1.wav +189,26,18,"bamako, mali",bambara2,bambara,female,30,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/bambara2.wav +190,22,12,"bamako, mali",bambara3,bambara,male,413,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her ask her to bring these things with her from the store.,recordings/wav/bambara3.wav +191,26,14,"goudiri, senegal",bambara4,bambara,male,787,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Leave cool Stella.,recordings/wav/bambara4.wav +192,23,21,"segou, mali",bambara5,bambara,female,969,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from Wister, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and big toy frog from the kids for the kids. She can scoop these things into a tree grade bags and we will go meet her Wednesday at the train station.",recordings/wav/bambara5.wav +193,31,15,"foumban, cameroon",bamun1,bamun,female,31,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese and maybe a snacks.",recordings/wav/bamun1.wav +194,34,6,"khartoum, sudan",bari1,bari,male,1029,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask her to bring these things with her from the store 6 spoons of fresh snow. Peas, 5, thick slabs of blue cheese and maybe our snack of her brother brother job. Bob we also had a small plastic snake and a big toy frog for kids chicken scoop. These things into 3. Red bags and we will go meet her Wednesday at the train station.",recordings/wav/bari1.wav +195,36,7,"khartoum, sudan",bari2,bari,male,1030,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her. Form the store.,recordings/wav/bari2.wav +196,69,34,"vizcaya, spain",basque1,basque,female,32,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring.,recordings/wav/basque1.wav +197,50,19,"guernica, spain",basque2,basque,male,33,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/basque2.wav +198,54,10,"erding, bavaria, germany",bavarian1,bavarian,female,687,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 labs, blue cheese. It maybe a snack for a brother bath. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bavarian1.wav +199,52,10,"berchtesgaden, germany",bavarian2,bavarian,female,1045,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday.",recordings/wav/bavarian2.wav +200,25,11,"chamiancy, vilejka, belarus",belarusan1,belarusan,male,417,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 pounds of fresh snow peas, 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/belarusan1.wav +201,43,12,"minsk, belarus",belarusan2,belarusan,female,650,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stop sticks spoons of fresh snow peas. 5-6 slabs of blue cheese and maybe it's snack for her brother Bob. We also need a small plastic snake.,recordings/wav/belarusan2.wav +202,18,6,"gomel, belarus",belarusan3,belarusan,male,2166,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need small plastic snake and the big toy frog for the kids.,recordings/wav/belarusan3.wav +203,23,16,"dhaka, bangladesh",bengali1,bengali,male,34,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow pitch 5 thick split of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can't spoke these things into their rate bags and we will go meet her Wednesday at the train station.,recordings/wav/bengali1.wav +204,18,3,"dhaka, bangladesh",bengali10,bengali,female,1009,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali10.wav +205,34,3.5,"durgapur, west bengal, india",bengali11,bengali,male,1018,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask car to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali11.wav +206,25,4,"sylhet, bangladesh",bengali12,bengali,female,1682,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of fruit, teas and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at a train station.",recordings/wav/bengali12.wav +207,33,10,"dhaka, bangladesh",bengali13,bengali,female,1825,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, snake snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali13.wav +208,26,4,"kolkata, india",bengali14,bengali,male,1973,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/bengali14.wav +209,46,8,"dhaka, bangladesh",bengali15,bengali,female,2004,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/bengali15.wav +210,24,6,"dhaka, bangladesh",bengali16,bengali,female,2073,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic snake and a big toy frog for for the kids. She can scoop this things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/bengali16.wav +211,19,6,"sylhet, bangladesh",bengali17,bengali,female,2139,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/bengali17.wav +212,25,2,"lusaka, zambia",bengali2,bengali,female,35,zambia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali2.wav +213,19,5,"dhaka, bangladesh",bengali3,bengali,female,36,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 ***** slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for decades. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali3.wav +214,24,6,"chittagong, bangladesh",bengali4,bengali,male,37,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this string.,recordings/wav/bengali4.wav +215,40,5,"dhaka, bangladesh",bengali5,bengali,female,622,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresh piece 5.,recordings/wav/bengali5.wav +216,29,4,"jamshedpur, jharkhand, india",bengali6,bengali,male,624,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoot these things into 3 red bags and we will go meet her wetness day at the train station.",recordings/wav/bengali6.wav +217,49,6,"mymensingh, bangladesh",bengali7,bengali,male,710,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/bengali7.wav +218,54,5,"noakhali, bangladesh",bengali8,bengali,male,709,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",His school is Steeler asks her to bring these things with her from the store.,recordings/wav/bengali8.wav +219,61,12,"kolkata, india",bengali9,bengali,female,987,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 poems of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rate backs and we will go meet her wetness day at the train station.,recordings/wav/bengali9.wav +220,39,37,"doboj, bosnia and herzegovina",bosnian1,bosnian,male,38,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things in the tree red box and we will go meet her Wednesday.",recordings/wav/bosnian1.wav +221,21,10,"sarajevo, bosnia and herzegovina",bosnian2,bosnian,male,39,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/bosnian2.wav +222,25,12,"sarajevo, bosnia and herzegovina",bosnian3,bosnian,female,808,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls tell ask her to bring these things with her from the store. 6 points of rational piece. Fried thick slabs of blue cheese and maybe a snack for her brother bought. He also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/bosnian3.wav +223,20,11,"travnik, bosnia and herzegovina",bosnian4,bosnian,male,943,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian4.wav +224,25,6,"travnik, bosnia and herzegovina",bosnian5,bosnian,female,944,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her mum from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. He also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian5.wav +225,29,22,"zenica, bosnia and herzegovina",bosnian6,bosnian,female,1025,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things in the tree red bags and be will go meet her Wednesday at the train station.",recordings/wav/bosnian6.wav +226,24,10,"gornji vakuf, bosnia and herzegovina",bosnian7,bosnian,female,1058,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog from the kids for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian7.wav +227,24,15,"sarajevo, bosnia and herzegovina",bosnian8,bosnian,female,1082,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of the fresh Snow Peas, 5 ticks slab of blue cheese, and maybe a snack for their her brother Bob. We also need a small plastic snake and a big toy frog frog for the kids. She can scoop these things in the tree bread bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian8.wav +228,47,5,"sarajevo, bosnia and herzegovina",bosnian9,bosnian,male,1289,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob.",recordings/wav/bosnian9.wav +229,25,16,"plovdiv, bulgaria",bulgarian1,bulgarian,female,40,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.",recordings/wav/bulgarian1.wav +230,21,15,"dobrich, bulgaria",bulgarian10,bulgarian,female,965,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for a big toy frog for the kids. She can scoop these things into truth bread bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian10.wav +231,24,16,"dobrich, bulgaria",bulgarian11,bulgarian,male,966,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from.,recordings/wav/bulgarian11.wav +232,30,9,"sofia, bulgaria",bulgarian12,bulgarian,female,1446,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. Chicken scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian12.wav +233,20,9,"chirpan, bulgaria",bulgarian13,bulgarian,male,1512,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/bulgarian13.wav +234,46,30,"sofia, bulgaria",bulgarian14,bulgarian,male,1611,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her from the store. 6 spoons a fresh snow peas 5 sticks slabs of blue cheese at maybe a snack for her brother Bob.,recordings/wav/bulgarian14.wav +235,22,10,"varna, bulgaria",bulgarian15,bulgarian,male,1859,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for her for the kids.",recordings/wav/bulgarian15.wav +236,21,6,"kyustendil, bulgaria",bulgarian16,bulgarian,male,1880,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/bulgarian16.wav +237,31,9,"sofia, bulgaria",bulgarian17,bulgarian,female,1915,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids.",recordings/wav/bulgarian17.wav +238,20,10,"razlog, bulgaria",bulgarian18,bulgarian,male,2024,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring these things with her from the store. 6 spoons of rational piece 5 ticks lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/bulgarian18.wav +239,53,42,"sofia, bulgaria",bulgarian2,bulgarian,female,41,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call Stella asked her to bring these things with her from the store. 6 spoons a fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop this.,recordings/wav/bulgarian2.wav +240,27,10,"sofia, bulgaria",bulgarian3,bulgarian,male,42,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will get that we will go meet her Wednesday at the train station.",recordings/wav/bulgarian3.wav +241,22,20,"plovdiv, bulgaria",bulgarian4,bulgarian,male,43,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police code please call Stella ask her to bring these things with her from from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the for the kids.",recordings/wav/bulgarian4.wav +242,23,14,"sofia, bulgaria",bulgarian5,bulgarian,male,44,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/bulgarian5.wav +243,27,11,"ruse, bulgaria",bulgarian6,bulgarian,male,557,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/bulgarian6.wav +244,18,13,"stara zagora, bulgaria",bulgarian7,bulgarian,male,566,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian7.wav +245,31,8,"sofia, bulgaria",bulgarian8,bulgarian,female,848,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/bulgarian8.wav +246,31,10,"ruse, bulgaria",bulgarian9,bulgarian,female,923,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian9.wav +247,35,11,"yangon, myanmar",burmese1,burmese,female,758,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella X hard to bring these things which are from the stone. 6 pounds of fresh snow peas. Fojtik slips up blue cheese in maybe a snack for her brother bought.,recordings/wav/burmese1.wav +248,29,7,"yangon, myanmar",burmese2,burmese,male,1568,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella else got to bring these things without front of store. Six months of fresh snow peas fight thick slabs of blue cheese and maybe a snap for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her onestly at the train station.,recordings/wav/burmese2.wav +249,22,12,"hong kong, china",cantonese1,cantonese,female,45,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her with her from the store. 6 spoon of fresh Snow peas 5 fix snaps of blue cheese and maybe a snake for her brother Bob.,recordings/wav/cantonese1.wav +250,25,3,"xiamen, fujian, china",cantonese10,cantonese,female,505,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 booms or flash snowpeas fight fake snap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy flock for the kiss. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.,recordings/wav/cantonese10.wav +251,22,3,"hong kong, china",cantonese11,cantonese,female,544,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as hers to bring these things with her from the store. Teaspoons of fresh new piece 5 takes naps of blue cheese and his neck for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into three Webex and we will go meet her Wednesday at the train station.,recordings/wav/cantonese11.wav +252,20,4,"macau, china",cantonese12,cantonese,female,602,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cantonese12.wav +253,21,3,"hong kong, china",cantonese13,cantonese,female,730,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/cantonese13.wav +254,19,3,"hong kong, china",cantonese14,cantonese,female,742,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I should bring these things with her from the store. 6 bones are fresh snowpeas 5-6 laps of bleach. Is it maybe a snack for her brother Bob? We also need a small plastic snack and a big toy Frankford kiss. She can scope these things into three drag backs and we will go meet her Wednesday in the train station.,recordings/wav/cantonese14.wav +255,31,12,"qingyuan, guangdong, china",cantonese15,cantonese,female,862,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 springs of fresh snow peas, fightstick steps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy fog for the kids. She can screw these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/cantonese15.wav +256,29,3,"hong kong, china",cantonese16,cantonese,female,874,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things you know. 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/cantonese16.wav +257,26,3,"hong kong, china",cantonese17,cantonese,female,878,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cantonese17.wav +258,19,3,"hong kong, china",cantonese18,cantonese,male,885,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things in the three red bags and we would go meet her Wednesday at the train station.",recordings/wav/cantonese18.wav +259,28,7,"hong kong, china",cantonese19,cantonese,female,1247,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake snake and a big toy frog for the kids. She can slip these things into 3 red bags and we will.",recordings/wav/cantonese19.wav +260,20,13,"hong kong, china",cantonese2,cantonese,male,46,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Peace Corps Taylor asked her to bring this thing with her from the store. 6 spoons of fresh snow peas.,recordings/wav/cantonese2.wav +261,18,3,"hong kong, china",cantonese20,cantonese,male,1480,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese20.wav +262,18,4,"hong kong, china",cantonese21,cantonese,female,1558,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Prisco stellar asked her to bring this thing with her from the Stove 6 prove the fresh Snow peas, 5 thick snapped approaches and maybe a snack for her brother Bob. We also need a small practice neck and a big toy frost for the kiss. She can scoop this thing into 3 red bass and we'll go meet her Wednesday at the train station.",recordings/wav/cantonese21.wav +263,30,3,"hong kong, china",cantonese22,cantonese,female,1974,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new piece, 5-6 laps of blue cheese and maybe a snack for her brother bulb.",recordings/wav/cantonese22.wav +264,33,6,"hong kong, china",cantonese23,cantonese,male,1975,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese23.wav +265,22,6,"hong kong, china",cantonese3,cantonese,male,47,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 Windsor Fresno peas 5 thick slabs of blue cheese and maybe a snack for about a pub. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the three red bags and we will go meet her Wednesday at the train station.,recordings/wav/cantonese3.wav +266,29,13,"fuzhou, fujian, china",cantonese4,cantonese,female,48,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese4.wav +267,18,14,"hong kong, china",cantonese5,cantonese,male,49,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob.",recordings/wav/cantonese5.wav +268,25,5,"hong kong, china",cantonese6,cantonese,male,462,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese6.wav +269,31,4,"hong kong, china",cantonese7,cantonese,male,494,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cantonese7.wav +270,23,2,"hong kong, china",cantonese8,cantonese,female,498,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/cantonese8.wav +271,22,7,"hong kong, china",cantonese9,cantonese,male,502,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese9.wav +272,32,6,"saipan, saipan, northern mariana islands",carolinian1,carolinian,female,50,northern mariana islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/carolinian1.wav +273,39,13,"tarragona, spain",catalan1,catalan,male,51,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store she spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/catalan1.wav +274,24,21,"mataro, catalonia, spain",catalan2,catalan,male,598,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She gonna scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/catalan2.wav +275,51,11,"santiago, chile",catalan3,catalan,female,1186,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy fraud for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/catalan3.wav +276,21,11,"barcelona, spain",catalan4,catalan,female,1414,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls tell her. Ask her to bring these things with her from the store 6 points of fresh snow Peas, 5 big slabs of blue cheese, and maybe a snack for her brother Bob. We also need the small plastic snake and a victory frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the translation.",recordings/wav/catalan4.wav +277,21,1,"cebu, philippines",cebuano1,cebuano,female,565,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cebuano1.wav +278,41,5,"baghdad, iraq",chaldean1,chaldean,male,1251,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/chaldean1.wav +279,62,11,"baghdad, iraq",chaldean2,chaldean,female,1299,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for her for the kids. She can scoop these things into 3 red bags.",recordings/wav/chaldean2.wav +280,18,1,"saipan, saipan, northern mariana islands",chamorro1,chamorro,male,52,northern mariana islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/chamorro1.wav +281,42,7,"mulanje, malawi",chichewa1,chichewa,male,1020,malawi,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/chichewa1.wav +282,39,12,"chittagong, bangladesh",chittagonian1,chittagonian,male,708,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Yeah please call please call Stella asked her to bring the.,recordings/wav/chittagonian1.wav +283,81,16,"unije, croatia",croatian1,croatian,female,477,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet.",recordings/wav/croatian1.wav +284,35,10,"mostar, bosnia and herzegovina",croatian2,croatian,female,561,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/croatian2.wav +285,44,10,"split, croatia",croatian3,croatian,female,661,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the story 6 bowls of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/croatian3.wav +286,38,11,"rijeka, croatia",croatian4,croatian,male,950,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and and a big toy frog for the kids. She can scoop these things into trip red bags and we will go go me to her Wednesday at the train train station.",recordings/wav/croatian4.wav +287,26,11,"tomislavgrad, bosnia and herzegovina",croatian5,croatian,female,1063,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 50 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/croatian5.wav +288,23,14,"doboj, bosnia and herzegovina",croatian6,croatian,female,1083,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy for and bigger toy frog for the kids. She can scoop these things interest into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/croatian6.wav +289,21,7,"rijeka, croatia",croatian7,croatian,female,1556,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this or six spoons of her snow peas. 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/croatian7.wav +290,39,22,"gospic, croatia",croatian8,croatian,male,1983,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 moons of fresh Snow peas, 5 thick slabs of the blue cheese and maybe it's snack for her brother Bob. We also need small plastic snake.",recordings/wav/croatian8.wav +291,27,10.5,"prague, czech republic",czech1,czech,female,53,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech1.wav +292,60,45,"velky osek, czech republic",czech2,czech,male,560,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I've had to bring this thing with her from the store.,recordings/wav/czech2.wav +293,35,14,"nachod, czech republic",czech3,czech,male,653,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech3.wav +294,57,15,"prague, czech republic",czech4,czech,female,879,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/czech4.wav +295,26,16,"klando, czech republic",czech5,czech,female,1066,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Asgard to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slips.",recordings/wav/czech5.wav +296,20,7,"ostrava, czech republic",czech6,czech,male,1248,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/czech6.wav +297,22,11,"ostrava, czech republic",czech7,czech,female,1501,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoon of fresh snow peas. 5 tax, lots of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech7.wav +298,21,7,"pizen, czech republic",czech8,czech,female,1822,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech8.wav +299,38,23,"prague, czech republic",czech9,czech,male,2140,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from Store 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother bowl.,recordings/wav/czech9.wav +300,45,11,"horsens, denmark",danish1,danish,female,54,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of booties.",recordings/wav/danish1.wav +301,37,8,"haslev, denmark",danish2,danish,female,55,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish2.wav +302,53,12,"copenhagen, denmark",danish3,danish,female,1367,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish3.wav +303,21,11,"aarhus, denmark",danish4,danish,female,1434,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 big slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/danish4.wav +304,49,8,"egvad, denmark",danish5,danish,female,1573,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/danish5.wav +305,19,8,"alborg, denmark",danish6,danish,male,1577,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish6.wav +306,22,8,"copenhagen, denmark",danish7,danish,male,1717,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.,recordings/wav/danish7.wav +307,28,11,"sunds, denmark",danish8,danish,female,1746,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons are fresh snow peas, 53 slabs of blue cheese and maybe a snack for her brother Bop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish8.wav +308,25,13,"kabul, zoroastrian, afghanistan",dari1,dari,female,56,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons for fresh as snow piece, five tech sub suburbs of blue cheeses and then maybe a snack for her brother Bob. We also need a small plastic snack and a big tire frog for their kids.",recordings/wav/dari1.wav +309,55,12,"kabul, afghanistan",dari2,dari,male,642,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dari2.wav +310,20,12,"kabul, afghanistan",dari3,dari,male,968,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from users from the Store, 6 spoons of fresh snow peas, firestick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack in a big toy for a toy frog from the kids. She can scoop these things into 3 red bags and we will go meet her once they had a train station.",recordings/wav/dari3.wav +311,59,13,"kabul, afghanistan",dari4,dari,male,1754,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring these things with her.,recordings/wav/dari4.wav +312,56,32,"kabul, afghanistan",dari5,dari,female,1868,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station at the train station, sorry.",recordings/wav/dari5.wav +313,39,33,"rumbek, boherat, sudan",dinka1,dinka,male,415,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as her to bring these things with her from the Star 6 spoons of fresh Snow peas, 5 thick slips of blue cheese and maybe it's not for her brother, but we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet.",recordings/wav/dinka1.wav +314,38,13,"nijmegen, netherlands",dutch1,dutch,male,57,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch1.wav +315,39,12,"essen, belgium",dutch10,dutch,male,913,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/dutch10.wav +316,41,14,"brugge, belgium",dutch11,dutch,male,929,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch11.wav +317,36,10,"oosterbeek, netherlands",dutch12,dutch,male,956,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three red bags and will go meet or Wednesday.,recordings/wav/dutch12.wav +318,33,10,"zwolle, netherlands",dutch13,dutch,female,1003,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch13.wav +319,35,12,"zwolle, netherlands",dutch14,dutch,female,1004,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch14.wav +320,23,10,"nunspeet, netherlands",dutch15,dutch,male,1223,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch15.wav +321,23,12,"antwerp, belgium",dutch16,dutch,female,1260,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch16.wav +322,21,12,"wilrijk, belgium",dutch17,dutch,female,1261,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for a brother Bob. We also need a small split, a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/dutch17.wav +323,23,14,"antwerp, belgium",dutch18,dutch,male,1262,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet through Wednesday at the train station.,recordings/wav/dutch18.wav +324,22,11,"heist-op-den-berg, belgium",dutch19,dutch,female,1263,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch19.wav +325,41,14,"amsterdam, netherlands",dutch2,dutch,male,58,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She gives good these things into 3 red bags and we'll go meet her Wednesday at a train station.",recordings/wav/dutch2.wav +326,21,13,"vlaams-brabant, belgium",dutch20,dutch,female,1264,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch20.wav +327,21,13,"diest, belgium",dutch21,dutch,female,1265,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/dutch21.wav +328,23,13,"essen, belgium",dutch22,dutch,female,1266,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch22.wav +329,23,13,"antwerp, belgium",dutch23,dutch,male,1268,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things to her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch23.wav +330,23,14,"seoul, south korea",dutch24,dutch,female,1269,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Salem. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch24.wav +331,23,13,"wilrijk, belgium",dutch25,dutch,female,1270,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch25.wav +332,23,13,"turnhout, belgium",dutch26,dutch,female,1271,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into three Redbacks and will go meet our Wednesday at the train station.",recordings/wav/dutch26.wav +333,21,13,"antwerp, belgium",dutch27,dutch,female,1274,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe it's snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch27.wav +334,22,8,"antwerp, belgium",dutch28,dutch,male,1275,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 booms of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at train station.",recordings/wav/dutch28.wav +335,29,7,"ede, netherlands",dutch29,dutch,male,1300,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch29.wav +336,19,6,"alkmaar, netherlands",dutch3,dutch,male,537,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/dutch3.wav +337,21,14,"sint-niklaas, belgium",dutch30,dutch,female,1462,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/dutch30.wav +338,23,13,"antwerp, belgium",dutch31,dutch,female,1463,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch31.wav +339,21,14,"brasschaat, belgium",dutch32,dutch,male,1464,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch32.wav +340,22,9,"mechelen, belgium",dutch33,dutch,female,1466,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/dutch33.wav +341,22,14,"bornem, belgium",dutch34,dutch,female,1468,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar for bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She gets cooked these things into 3 red bags and he will go meet her Wednesday at a train station.,recordings/wav/dutch34.wav +342,21,13,"mortsel, belgium",dutch35,dutch,female,1473,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things and do 3 red bags and people go meet her Wednesday at a train station.",recordings/wav/dutch35.wav +343,21,12,"turnhout, belgium",dutch36,dutch,female,1476,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet our Wednesday at the train station.",recordings/wav/dutch36.wav +344,21,11,"antwerp, belgium",dutch37,dutch,female,1479,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch37.wav +345,21,12,"beveren, belgium",dutch38,dutch,female,1481,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 wounds are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch38.wav +346,22,10,"hardinxveld-giessendam, netherlands",dutch39,dutch,female,1482,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch39.wav +347,18,10,"bilzen, flanders, belgium",dutch4,dutch,male,743,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/dutch4.wav +348,25,9,"dordrecht, netherlands",dutch40,dutch,male,1484,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at train station.",recordings/wav/dutch40.wav +349,41,13,"deventer, netherlands",dutch41,dutch,male,1517,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tax slabs of blue cheese, and maybe a snack for a broader Bob.",recordings/wav/dutch41.wav +350,36,8,"schiedam, netherlands",dutch42,dutch,male,1551,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids so he can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/dutch42.wav +351,21,11,"rotterdam, netherlands",dutch43,dutch,male,1705,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these. Scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch43.wav +352,21,12,"antwerp, belgium",dutch44,dutch,female,1740,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch44.wav +353,22,2,"sint niklaas, belgium",dutch45,dutch,male,1742,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three Rep bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch45.wav +354,22,12,"hulshout, belgium",dutch46,dutch,female,1743,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch46.wav +355,37,11,"gouda, netherlands",dutch47,dutch,female,2115,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/dutch47.wav +356,54,13,"rotterdam, netherlands",dutch5,dutch,female,770,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and you will go meet her Wednesday at a train station.",recordings/wav/dutch5.wav +357,46,10,"brussels, belgium",dutch6,dutch,female,847,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch6.wav +358,68,10,"amsterdam, netherlands",dutch7,dutch,male,895,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope scoop. I'm sorry she got scooped. He thinks into three Redbacks and we'll go meet her Wednesday at the train station.",recordings/wav/dutch7.wav +359,35,12,"alphen aan de ryn, netherlands",dutch8,dutch,female,896,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch8.wav +360,68,12,"almelo, netherlands",dutch9,dutch,female,897,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch9.wav +361,35,3,"okene, nigeria",ebira1,ebira,male,59,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ebira1.wav +362,25,6,"benin city, nigeria",edo1,edo,male,60,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, with her from the store. See spoons of fresh snow peas. Fight think slab of blue cheese and maybe a snack for her brother Bob. We also need a simple small plastic snacks and a big toy frog for the kids. She can scoop distance into 3 red bags and we will.",recordings/wav/edo1.wav +363,42,0,"pittsburgh, pennsylvania, usa",english1,english,male,61,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english1.wav +364,35,0,"davenport, iowa, usa",english10,english,female,62,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She will scoop these things up into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english10.wav +365,23,0,"miami, florida, usa",english100,english,female,63,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Hasker to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english100.wav +366,18,0,"toronto, ontario, canada",english101,english,female,64,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english101.wav +367,22,0,"torrington, connecticut, usa",english102,english,male,65,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english102.wav +368,21,0,"staten island, new york, usa",english103,english,male,66,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english103.wav +369,18,0,"youngstown, ohio, usa",english104,english,female,67,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english104.wav +370,57,0,"windsor, ontario, canada",english105,english,male,407,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english105.wav +371,39,0,"los angeles, california, usa",english106,english,female,408,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english106.wav +372,19,0,"chicago, illinois, usa",english107,english,male,416,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english107.wav +373,21,0,"strabane, northern ireland, uk",english108,english,male,419,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked everything he sings rather from the store. 6 Spoons are freight, no peas, 5 thick slabs of blue cheese or mirror snack for or Bob. We also need to bring a small plastic snake and a big toy frog for the kids. She came script these things into three bread bags and will go meet her Wednesday at the train station.",recordings/wav/english108.wav +374,26,0,"concord, new hampshire, usa",english109,english,female,420,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store.,recordings/wav/english109.wav +375,35,0,"staffordshire, uk",english11,english,female,68,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags. We will go meet her Wednesday at the train station.",recordings/wav/english11.wav +376,21,0,"great yarmouth, norfolk, uk",english110,english,male,421,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack bar. Brother Bob.",recordings/wav/english110.wav +377,21,0,"bombay, india",english111,english,male,426,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english111.wav +378,21,0,"st. thomas, us virgin islands",english112,english,male,427,us virgin islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella all her to access to bring these things with her from the store. 6 bones of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and it's a big toy frog for the kids.",recordings/wav/english112.wav +379,31,0,"wrexham, wales, uk",english113,english,male,439,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh nor peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english113.wav +380,38,0,"birmingham 2, alabama, usa",english114,english,female,442,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet or Wednesday at the train station.",recordings/wav/english114.wav +381,31,0,"st. albans, hertfordshire, uk",english115,english,male,443,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoot these things into 3 red banks and we will go meet her Wednesday at the train station.",recordings/wav/english115.wav +382,56,0,"atlanta, georgia, usa",english116,english,male,444,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother bomb. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english116.wav +383,60,0,"elmore, alabama, usa",english117,english,female,445,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Place called Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english117.wav +384,19,0,"akron, ohio, usa",english118,english,male,446,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/english118.wav +385,32,0,"saskatoon, saskatchewan, canada",english119,english,female,455,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english119.wav +386,71,0,"leicester, uk",english12,english,female,69,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english12.wav +387,65,0,"saskatoon, saskatchewan, canada",english120,english,male,456,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english120.wav +388,21,0,"waconia, minnesota, usa",english121,english,male,465,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english121.wav +389,20,0,"kuala lumpur, malaysia",english122,english,female,468,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english122.wav +390,28,0,"riverside, california, usa",english123,english,female,469,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english123.wav +391,38,0,"brooklyn, new york, usa",english124,english,male,480,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet or Wednesday at the train station.",recordings/wav/english124.wav +392,28,0,"st. george, queensland, australia",english125,english,male,485,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things, whether from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet on Wednesday at the train station.",recordings/wav/english125.wav +393,34,0,"cincinnati, ohio, usa",english126,english,female,487,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english126.wav +394,39,0,"new britain, connecticut, usa",english127,english,male,489,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english127.wav +395,20,0,"miami, florida, usa",english128,english,female,490,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english128.wav +396,25,0,"blackpool, lancashire, uk",english129,english,male,492,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet on Wednesday at the train station.",recordings/wav/english129.wav +397,69,0,"henley on thames, oxfordshire, uk",english13,english,male,70,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/english13.wav +398,32,0,"port elizabeth, south africa",english130,english,male,496,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella also to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english130.wav +399,23,0,"west palm beach, florida, usa",english131,english,male,497,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. But we also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english131.wav +400,18,0,"toronto, ontario, canada",english132,english,female,503,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english132.wav +401,36,0,"norwich, new york, usa",english133,english,female,504,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english133.wav +402,22,0,"belfast, northern ireland, uk",english134,english,female,506,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english134.wav +403,22,0,"orange beach, alabama, usa",english135,english,male,507,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english135.wav +404,25,0,"calgary, alberta, canada",english136,english,male,508,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english136.wav +405,26,0,"charleston, west virginia, usa",english137,english,male,509,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english137.wav +406,25,0,"palmer, alaska, usa",english138,english,female,510,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english138.wav +407,20,0,"providence, rhode island, usa",english139,english,male,511,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english139.wav +408,40,0,"belfast, northern ireland, uk",english14,english,male,71,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go to meet, are wet and stay at the train station.",recordings/wav/english14.wav +409,43,0,"quezon city, philippines",english140,english,male,515,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese that maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english140.wav +410,19,0,"york, uk",english141,english,male,516,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their firm star. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english141.wav +411,19,0,"avon, new york, usa",english142,english,male,517,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english142.wav +412,42,0,"minneapolis, minnesota, usa",english143,english,male,518,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english143.wav +413,24,0,"barneys river, nova scotia, canada",english144,english,male,519,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english144.wav +414,18,0,"bury st. edmunds, uk",english145,english,male,521,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english145.wav +415,22,0,"blytheville, arkansas, usa",english146,english,male,522,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english146.wav +416,40,0,"merced, california, usa",english147,english,female,523,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english147.wav +417,31,0,"sydney, australia",english148,english,male,525,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english148.wav +418,18,0,"lawrenceville, georgia, usa",english149,english,male,526,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Extra to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. Singing scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english149.wav +419,7,0,"norton, virginia, usa",english15,english,female,72,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things from her.,recordings/wav/english15.wav +420,31,0,"brownsville, kentucky, usa",english150,english,male,527,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english150.wav +421,18,0,"baltimore, maryland, usa",english151,english,male,528,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english151.wav +422,18,0,"adelaide, australia",english152,english,male,529,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things where there from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet her when see at the train station.",recordings/wav/english152.wav +423,35,0,"brisbane, australia",english153,english,male,533,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/english153.wav +424,28,0,"glace bay, nova scotia, canada",english154,english,male,534,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english154.wav +425,35,0,"oakland, california, usa",english155,english,male,535,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english155.wav +426,33,0,"dublin, ireland",english156,english,male,536,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english156.wav +427,35,0,"fort worth, texas, usa",english157,english,male,538,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob while staying to small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english157.wav +428,18,0,"washington, district of columbia, usa",english158,english,female,540,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english158.wav +429,18,0,"ottawa, ontario, canada",english159,english,male,541,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english159.wav +430,21,0,"wise, virginia, usa",english16,english,male,73,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake or a big toy frog for the kids.",recordings/wav/english16.wav +431,21,0,"redwood falls, minnesota, usa",english160,english,female,542,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english160.wav +432,75,0,"wakefield, ohio, usa",english161,english,female,546,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english161.wav +433,41,0,"delaware, ohio, usa",english162,english,female,548,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. If we also need a small plastic snake and a big toy frog for the kids, she can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english162.wav +434,41,0,"fairview park, ohio, usa",english163,english,male,547,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english163.wav +435,38,0,"leeds, uk",english164,english,male,549,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring the these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the for the kids. She can scoop these things into 3 red bags and we and we will go meet her Wednesday at the train station.",recordings/wav/english164.wav +436,43,0,"detroit, michigan, usa",english165,english,female,550,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english165.wav +437,18,0,"glenside, pennsylvania, usa",english166,english,male,551,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english166.wav +438,43,0,"lakeview, michigan, usa",english167,english,male,552,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english167.wav +439,40,0,"oceanside, california, usa",english168,english,male,554,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english168.wav +440,18,0,"cleveland, mississippi, usa",english169,english,male,555,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english169.wav +441,79,0,"darwin va, virginia, usa",english17,english,male,74,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store.,recordings/wav/english17.wav +442,50,0,"belmont, mississippi, usa",english170,english,female,556,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english170.wav +443,21,0,"st. louis, missouri, usa",english171,english,male,563,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english171.wav +444,49,0,"kingston, jamaica",english172,english,male,564,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english172.wav +445,19,0,"libertyville, illinois, usa",english173,english,male,567,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the three red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english173.wav +446,30,0,"kuching, sarawak, malaysia",english174,english,female,568,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english174.wav +447,24,0,"seattle, washington, usa",english175,english,male,572,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/english175.wav +448,18,0,"elizabeth city, north carolina, usa",english176,english,female,573,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/english176.wav +449,23,0,"new orleans, louisiana, usa",english177,english,female,574,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english177.wav +450,30,0,"wilkes-barre, pennsylvania, usa",english178,english,male,583,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english178.wav +451,57,0,"huron, south dakota, usa",english179,english,male,584,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english179.wav +452,39,0,"dickenson county, virginia, usa",english18,english,female,75,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go feed her Wednesday at the train station.",recordings/wav/english18.wav +453,20,0,"newport, rhode island, usa",english180,english,male,585,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english180.wav +454,68,0,"new eagle, pennsylvania, usa",english181,english,male,586,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/english181.wav +455,50,0,"troy, new york, usa",english182,english,male,590,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english182.wav +456,55,0,"corriverton, guyana",english183,english,female,595,guyana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet with. Meet her Wednesday at the train station.",recordings/wav/english183.wav +457,18,0,"hillsboro, oregon, usa",english184,english,female,597,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english184.wav +458,38,0,"oxford, uk",english185,english,male,604,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english185.wav +459,39,0,"gadsden, alabama, usa",english186,english,female,605,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english186.wav +460,42,0,"algona, iowa, usa",english187,english,female,606,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english187.wav +461,35,0,"edinburgh, scotland, uk",english188,english,male,611,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 springs of fresh snow peas, 5 thick slabs of boy cheese and maybe a stack for her brother Bob. We also need a small plastic snake and how big toy frog for the kids. She can scoop these things into 3 red bags. We will go to meet her Wednesday at the train station.",recordings/wav/english188.wav +462,19,0,"grand forks, north dakota, usa",english189,english,male,617,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english189.wav +463,53,0,"louisville, kentucky, usa",english19,english,male,76,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. You can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english19.wav +464,27,0,"oak park, illinois, usa",english190,english,male,618,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english190.wav +465,19,0,"las cruces, new mexico, usa",english191,english,male,631,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/english191.wav +466,27,0,"east lansing, michigan, usa",english192,english,female,636,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english192.wav +467,32,0,"honolulu, hawaii, usa",english193,english,male,637,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english193.wav +468,19,0,"manchester, england, uk",english194,english,male,638,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for a brother Bob. We also need small plastic snakes and a big toy frog for the kids. She could scoop these things into free red bags and will go meet her Wednesday at the train station.",recordings/wav/english194.wav +469,21,0,"delavan, wisconsin, usa",english195,english,female,639,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english195.wav +470,50,0,"suva, fiji",english196,english,female,654,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english196.wav +471,22,0,"iowa city, iowa, usa",english197,english,male,662,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english197.wav +472,56,0,"washington, district of columbia, usa",english198,english,male,663,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with.,recordings/wav/english198.wav +473,25,0,"bay shore, new york, usa",english199,english,male,664,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english199.wav +474,30,0,"birmingham, uk",english2,english,female,77,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english2.wav +475,27,0,"mt. holly, north carolina, usa",english20,english,female,78,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english20.wav +476,22,0,"berkeley, california, usa",english200,english,female,667,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english200.wav +477,26,0,"warren, michigan, usa",english201,english,female,668,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english201.wav +478,19,0,"crisfield, maryland, usa",english202,english,male,673,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english202.wav +479,63,0,"boston, massachusetts, usa",english203,english,female,674,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english203.wav +480,53,0,"chicago, illinois, usa",english204,english,male,678,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack or her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her at.",recordings/wav/english204.wav +481,45,0,"blue earth, minnesota, usa",english205,english,female,679,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her at Wednesday at the train station.",recordings/wav/english205.wav +482,35,0,"hucknall, nottinghamshire, england, uk",english206,english,female,680,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rope bags and we will go meet her Wednesday at the train station.",recordings/wav/english206.wav +483,23,0,"wilkes-barre, pennsylvania, usa",english207,english,female,684,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english207.wav +484,46,0,"washington, dc, usa",english208,english,male,695,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english208.wav +485,28,0,"saint johns, antigua and barbuda",english209,english,female,702,antigua and barbuda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english209.wav +486,37,0,"boston, massachusetts, usa",english21,english,female,79,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english21.wav +487,23,0,"trenton, nova scotia, canada",english210,english,female,705,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english210.wav +488,30,0,"worcester, massachusetts, usa",english211,english,male,720,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english211.wav +489,24,0,"spartanburg, south carolina, usa",english212,english,male,729,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english212.wav +490,38,0,"dodge city, kansas, usa",english213,english,male,734,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english213.wav +491,26,0,"myrtle beach, south carolina, usa",english214,english,male,737,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call us to ask her to bring these things with her from the store. 6 spoons of fresh snow peas, Fife, thick slabs, blue cheese and maybe a snack for brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things with the three red bags and would go meet her. Want to see at the train station?",recordings/wav/english214.wav +492,20,0,"lemington spa, warwickshire, uk",english215,english,male,738,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoot these things in a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english215.wav +493,48,0,"chicago, illinois, usa",english216,english,female,739,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english216.wav +494,66,0,"harrow, middlesex, uk",english217,english,male,740,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob.",recordings/wav/english217.wav +495,27,0,"abingdon, virginia, usa",english218,english,female,747,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english218.wav +496,38,0,"oakland, california, usa",english219,english,female,748,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english219.wav +497,25,0,"panama city, panama",english22,english,female,80,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the Store 6 spoon or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go with me.,recordings/wav/english22.wav +498,18,0,"anaheim, california, usa",english220,english,female,749,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/english220.wav +499,45,0,"london, uk",english221,english,male,754,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english221.wav +500,18,0,"auburn, indiana, usa",english222,english,female,764,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english222.wav +501,18,0,"erie, pennsylvania, usa",english223,english,male,767,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english223.wav +502,20,0,"bridgetown, barbados",english224,english,male,768,barbados,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas, A5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bikes and we will go meet her Wednesday at the train station.",recordings/wav/english224.wav +503,50,0,"dundee, scotland, uk",english225,english,male,771,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english225.wav +504,38,0,"walton-on-thames, surrey, uk",english226,english,male,772,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english226.wav +505,42,0,"camberley, surrey, uk",english227,english,female,773,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english227.wav +506,59,0,"glasgow, scotland, uk",english228,english,female,774,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh snow speak Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station. Thank you very much. You're welcome.,recordings/wav/english228.wav +507,25,0,"burlington, vermont, usa",english229,english,male,775,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her at Wednesday at the train station.",recordings/wav/english229.wav +508,43,0,"englewood, tennessee, usa",english23,english,male,81,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english23.wav +509,35,0,"launceston, tasmania, australia",english230,english,male,776,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also needed a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we would go meet her Wednesday at the train station.",recordings/wav/english230.wav +510,22,0,"tampa, florida, usa",english231,english,male,791,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas. I have thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english231.wav +511,32,0,"metairie, louisiana, usa",english232,english,female,798,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english232.wav +512,26,0,"edmonton, alberta, canada",english233,english,female,793,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english233.wav +513,49,0,"bloomington, indiana, usa",english234,english,male,794,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english234.wav +514,52,0,"richmond, virginia, usa",english235,english,female,795,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english235.wav +515,44,0,"st. charles, illinois, usa",english236,english,male,799,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english236.wav +516,22,0,"jeffersonville, ohio, usa",english237,english,female,801,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english237.wav +517,21,0,"vancouver, british columbia, canada",english238,english,female,802,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/english238.wav +518,19,0,"fort kobbe, panama",english239,english,male,803,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english239.wav +519,37,0,"glasgow, scotland, uk",english24,english,male,82,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and will go meet her on Wednesday at the train station.",recordings/wav/english24.wav +520,26,0,"guelph, ontario, canada",english240,english,male,815,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons fresh Snow peas 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english240.wav +521,52,0,"wanganui, new zealand",english241,english,female,817,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english241.wav +522,77,0,"laurel, mississippi, usa",english242,english,female,818,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go beat her Wednesday at the train station.",recordings/wav/english242.wav +523,27,0,"fredericton, new brunswick, canada",english243,english,male,820,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english243.wav +524,23,0,"san francisco, california, usa",english244,english,male,821,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english244.wav +525,25,0,"pittsburgh, pennsylvania, usa",english245,english,male,824,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.,recordings/wav/english245.wav +526,32,0,"los angeles, california, usa",english246,english,male,825,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english246.wav +527,33,0,"prince rupert, british columbia, canada",english247,english,male,835,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english247.wav +528,18,0,"philadelphia, pennsylvania, usa",english248,english,female,840,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english248.wav +529,29,0,"boston, massachusetts, usa",english249,english,female,850,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack with her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english249.wav +530,57,0,"atlanta, georgia, usa",english25,english,male,83,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask her that bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english25.wav +531,19,0,"chester, england, uk",english250,english,male,852,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 Spoons her first Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fog for the kids.",recordings/wav/english250.wav +532,21,0,"mt. kisco, new york, usa",english251,english,male,855,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english251.wav +533,25,0,"san jose ca, california, usa",english252,english,female,856,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked me to bring these things with her from the store. 6 spoons are fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/english252.wav +534,21,0,"dublin, ireland",english253,english,male,857,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas 5 takes slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english253.wav +535,39,0,"eugene, oregon, usa",english254,english,male,858,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english254.wav +536,24,0,"oamaru, new zealand",english255,english,female,859,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas 5-6 slaves or blue cheese.,recordings/wav/english255.wav +537,23,0,"laurinburg, north carolina, usa",english256,english,male,861,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 students of fresh Young peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things and the three red bags and go meet her Wednesday at the train station.",recordings/wav/english256.wav +538,24,0,"san diego, california, usa",english257,english,male,863,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english257.wav +539,24,0,"kilkenny, ireland",english258,english,male,869,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english258.wav +540,23,0,"singapore, singapore",english259,english,male,870,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things we've heard from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Paul. We also need a small plastic snake and a big toy frog for the kids. She gets up these things into 3 red bags and we'll go meet her Wednesday editorial station.",recordings/wav/english259.wav +541,71,0,"smith island, maryland, usa",english26,english,male,84,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english26.wav +542,18,0,"phoenix, arizona, usa",english260,english,female,871,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english260.wav +543,59,0,"forestville, maryland, usa",english261,english,female,875,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english261.wav +544,60,0,"naylor, maryland, usa",english262,english,male,876,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella X Her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english262.wav +545,21,0,"oak forest, illinois, usa",english263,english,male,884,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english263.wav +546,21,0,"freemont, california, usa",english264,english,male,889,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english264.wav +547,31,0,"vancouver wa, washington, usa",english265,english,male,890,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english265.wav +548,18,0,"san diego, california, usa",english266,english,male,899,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the storm 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english266.wav +549,66,0,"leeds, uk",english267,english,male,900,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask. It should bring Liz things with different store 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack with brother Bob.",recordings/wav/english267.wav +550,67,0,"leeds, uk",english268,english,female,901,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. You can scoop these things into these three red bags and we'll go and meet in Wednesday at the train station.",recordings/wav/english268.wav +551,22,0,"adelaide, australia",english269,english,female,902,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english269.wav +552,37,0,"smith island, maryland, usa",english27,english,female,85,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english27.wav +553,29,0,"cape town, south africa",english270,english,male,903,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, far thick slabs, blue cheese and maybe a snack for brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go me to Winsted, the train station.",recordings/wav/english270.wav +554,32,0,"cape town, south africa",english271,english,female,904,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can screw please things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english271.wav +555,20,0,"dallas, texas, usa",english272,english,male,905,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english272.wav +556,46,0,"blue bell, pennsylvania, usa",english273,english,male,907,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english273.wav +557,25,0,"sydney, australia",english274,english,female,909,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english274.wav +558,20,0,"clifton, new jersey, usa",english275,english,female,912,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english275.wav +559,50,0,"chattanooga, tennessee, usa",english276,english,female,918,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english276.wav +560,48,0,"hudson, new york, usa",english277,english,female,919,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english277.wav +561,18,0,"augusta, georgia, usa",english278,english,female,921,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english278.wav +562,30,0,"singapore, singapore",english279,english,female,922,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english279.wav +563,54,0,"toronto, ontario, canada",english28,english,male,86,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english28.wav +564,19,0,"ramsey, isle of man",english280,english,female,935,isle of man,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english280.wav +565,23,0,"ramsey mn, minnesota, usa",english281,english,male,937,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english281.wav +566,20,0,"tampa, florida, usa",english282,english,male,939,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english282.wav +567,18,0,"pelham, new york, usa",english283,english,male,951,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english283.wav +568,33,0,"gainesville, florida, usa",english284,english,male,952,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english284.wav +569,50,0,"melbourne, australia",english285,english,male,961,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english285.wav +570,21,0,"beaumont, texas, usa",english286,english,female,977,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wince. T at the train station.",recordings/wav/english286.wav +571,27,0,"singapore, singapore",english287,english,female,981,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things differ from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bomb. We also need a small plastic snake and a big toy front for the kids. She can skip these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/english287.wav +572,26,0,"st. louis, missouri, usa",english288,english,female,982,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english288.wav +573,19,0,"fairfax, virginia, usa",english289,english,female,983,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english289.wav +574,54,0,"lindsay, ontario, canada",english29,english,female,87,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english29.wav +575,20,0,"duluth, georgia, usa",english290,english,male,986,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a pig toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english290.wav +576,18,0,"belize city, belize",english291,english,male,1026,belize,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 big slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english291.wav +577,38,0,"kansas city, missouri, usa",english292,english,male,1051,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english292.wav +578,22,0,"billings, montana, usa",english293,english,female,1052,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english293.wav +579,19,0,"naracoorte, australia",english294,english,female,1060,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 66 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her. Go meet her Wednesday at the train station.",recordings/wav/english294.wav +580,25,0,"airdrie, alberta, canada",english295,english,male,1067,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english295.wav +581,18,0,"edmonton, alberta, canada",english296,english,female,1070,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things and three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english296.wav +582,19,0,"lindenhurst, new york, usa",english297,english,male,1071,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things within the store.,recordings/wav/english297.wav +583,22,0,"lismore, new south wales, australia",english298,english,male,1072,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet on Wednesday at the train station.",recordings/wav/english298.wav +584,59,0,"windsor, ontario, canada",english299,english,male,1075,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english299.wav +585,26,0,"brisbane, australia",english3,english,female,88,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english3.wav +586,30,0,"st. mary's, ontario, canada",english30,english,female,89,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stores. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english30.wav +587,18,0,"dublin, ireland",english300,english,male,1076,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english300.wav +588,41,0,"toronto, ontario, canada",english301,english,male,1078,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english301.wav +589,22,0,"melbourne, australia",english302,english,male,1085,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english302.wav +590,45,0,"anaheim, california, usa",english303,english,female,1086,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things with her from the store.,recordings/wav/english303.wav +591,20,0,"clare, ireland",english304,english,female,1088,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english304.wav +592,24,0,"la paz, bolivia",english305,english,female,1094,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked us to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snap in a big toy frog for the kids. She can scoop these things into 3 red bags and will go yeah and we will go meet her Wednesday at the train station.",recordings/wav/english305.wav +593,24,0,"london, uk",english306,english,female,1093,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 55 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english306.wav +594,48,0,"alexandria, va, usa",english307,english,male,1100,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english307.wav +595,34,0,"cardiff, wales, uk",english308,english,male,1101,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english308.wav +596,44,0,"dunedin, new zealand",english309,english,female,1105,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english309.wav +597,31,0,"st. augustine, trinidad",english31,english,female,90,trinidad,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meter Wednesday at the train station.",recordings/wav/english31.wav +598,37,0,"oxford, uk",english310,english,female,1108,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go. We will go meet her Wednesday at the train station.",recordings/wav/english310.wav +599,38,0,"detroit, michigan, usa",english311,english,female,1110,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english311.wav +600,40,0,"edmonton, alberta, canada",english312,english,female,1113,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go made her Wednesday at the train station.",recordings/wav/english312.wav +601,28,0,"silver spring, maryland, usa",english313,english,male,1119,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack by her brother Bob.",recordings/wav/english313.wav +602,26,0,"memphis, tennessee, usa",english314,english,female,1120,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things and have 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english314.wav +603,25,0,"los angeles, california, usa",english315,english,male,1121,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english315.wav +604,33,0,"sacramento, california, usa",english316,english,male,1122,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english316.wav +605,26,0,"burlington, vermont, usa",english317,english,male,1132,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english317.wav +606,46,0,"sarnia, ontario, canada",english318,english,male,1137,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english318.wav +607,29,0,"grimsby, lincolnshire, uk",english319,english,male,1138,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their former Star 6 bins of fresh no. Peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in a free red bags and will go meet her Wednesday at the train station.",recordings/wav/english319.wav +608,50,0,"fresno, california, usa",english32,english,female,91,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english32.wav +609,59,0,"maryland county, liberia",english320,english,female,1162,liberia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh slow piece, 5 tick slums of blue cheese and maybe a snack for her brother born.",recordings/wav/english320.wav +610,52,0,"brooklyn, new york, usa",english321,english,male,1163,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english321.wav +611,29,0,"yorkton, saskatchewan, canada",english322,english,male,1172,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english322.wav +612,31,0,"regina, saskatchewan, canada",english323,english,female,1173,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english323.wav +613,28,0,"st. marys, ontario, canada",english324,english,male,1174,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english324.wav +614,32,0,"reading, pennsylvania, usa",english325,english,male,1176,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english325.wav +615,53,0,"fairborn, ohio, usa",english326,english,male,1188,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english326.wav +616,27,0,"dunedin, florida, usa",english327,english,male,1205,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english327.wav +617,23,0,"hollywood, florida, usa",english328,english,female,1206,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english328.wav +618,21,0,"boise, idaho, usa",english329,english,female,1207,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english329.wav +619,21,0,"san diego, california, usa",english33,english,male,92,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english33.wav +620,18,0,"augusta, georgia, usa",english330,english,female,1208,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english330.wav +621,28,0,"perth, australia",english331,english,female,1209,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english331.wav +622,20,0,"baltimore, maryland, usa",english332,english,female,1212,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english332.wav +623,32,0,"spokane, washington, usa",english333,english,female,1214,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english333.wav +624,18,0,"derby, england, uk",english334,english,female,1215,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english334.wav +625,6,0,"washington, district of columbia, usa",english335,english,male,1216,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask ordering these things whistle from the stores. 6 spoons of fresh snow peas 5-6 slick, 6 slabs of blue cheese and maybe a snack for brother Bob. He also need a small plastic snake and a big toy frog for the kids. She can keep these things in the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english335.wav +626,46,0,"baltimore, maryland, usa",english336,english,female,1217,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english336.wav +627,84,0,"jersey city, new jersey, usa",english337,english,female,1218,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english337.wav +628,53,0,"sydney, australia",english338,english,female,1219,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english338.wav +629,54,0,"chicago, illinois, usa",english339,english,male,1220,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english339.wav +630,18,0,"ronkonkoma, new york, usa",english34,english,female,93,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic steak and a big toy frog for the kids. She could scoop these things to three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english34.wav +631,19,0,"charleston, west virginia, usa",english340,english,male,1222,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we would go meet her Wednesday at the train station.",recordings/wav/english340.wav +632,23,0,"new york, new york, usa",english341,english,female,1224,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english341.wav +633,33,0,"kansas city, missouri, usa",english342,english,male,1225,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english342.wav +634,23,0,"portland, maine, usa",english343,english,male,1226,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english343.wav +635,19,0,"lumberton, north carolina, usa",english344,english,female,1232,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english344.wav +636,20,0,"kansas city, missouri, usa",english345,english,male,1233,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english345.wav +637,60,0,"east hartford, connecticut, usa",english346,english,male,1235,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english346.wav +638,22,0,"burnsville, minnesota, usa",english347,english,female,1236,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english347.wav +639,20,0,"las pinas, philippines",english348,english,female,1237,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from this or six spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english348.wav +640,24,0,"warrenton, virginia, usa",english349,english,female,1239,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english349.wav +641,60,0,"milwaukee, wisconsin, usa",english35,english,female,94,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english35.wav +642,18,0,"polesworth, staffordshire, uk",english350,english,female,1241,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/english350.wav +643,37,0,"carthage, missouri, usa",english351,english,male,1242,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english351.wav +644,25,0,"singapore, singapore",english352,english,male,1243,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english352.wav +645,18,0,"saskatoon, saskatchewan, canada",english353,english,male,1246,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 moons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english353.wav +646,23,0,"christchurch, new zealand",english354,english,female,1250,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with you from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english354.wav +647,19,0,"los angeles, california, usa",english355,english,male,1256,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english355.wav +648,23,0,"morden, manitoba, canada",english356,english,female,1257,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english356.wav +649,24,0,"alto, georgia, usa",english357,english,male,1258,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english357.wav +650,19,0,"fredericton, new brunswick, canada",english358,english,male,1259,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store.,recordings/wav/english358.wav +651,32,0,"sackville, new brunswick, canada",english359,english,male,1276,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english359.wav +652,60,0,"arcadia, wisconsin, usa",english36,english,male,95,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english36.wav +653,19,0,"erie, pennsylvania, usa",english360,english,female,1277,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english360.wav +654,20,0,"burnsville, minnesota, usa",english361,english,female,1280,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english361.wav +655,21,0,"cork, ireland",english362,english,male,1281,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english362.wav +656,20,0,"castle donington, uk",english363,english,male,1287,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english363.wav +657,28,0,"sydney, australia",english364,english,female,1288,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english364.wav +658,52,0,"oxford, uk",english365,english,male,1292,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english365.wav +659,25,0,"bournesmouth, uk",english366,english,female,1293,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons fresh Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english366.wav +660,25,0,"birkenhead, uk",english367,english,female,1294,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet on Wednesday at the train station.",recordings/wav/english367.wav +661,43,0,"strattford-on-avon, uk",english368,english,male,1295,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english368.wav +662,27,0,"mcminnville, oregon, usa",english369,english,male,1297,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english369.wav +663,28,0,"yole, india",english37,english,female,96,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/english37.wav +664,22,0,"pondicherry, india",english370,english,male,1302,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english370.wav +665,27,0,"colorado springs, colorado, usa",english371,english,female,1303,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english371.wav +666,80,0,"christiansburg, virginia, usa",english372,english,male,1307,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob.",recordings/wav/english372.wav +667,22,0,"russellville, kentucky, usa",english373,english,male,1308,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english373.wav +668,36,0,"milford haven, wales, uk",english374,english,male,1310,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english374.wav +669,28,0,"manchester, connecticut, usa",english375,english,male,1312,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english375.wav +670,46,0,"pasadena, california, usa",english376,english,male,1315,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english376.wav +671,32,0,"trenton, michigan, usa",english377,english,female,1319,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 bags and we will go meet her Wednesday at the train station.",recordings/wav/english377.wav +672,38,0,"silver spring, maryland, usa",english378,english,female,1320,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask him to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english378.wav +673,43,0,"summit, new jersey, usa",english379,english,male,1321,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english379.wav +674,27,0,"littlehampton, uk",english38,english,male,97,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english38.wav +675,34,0,"roanoke, virginia, usa",english380,english,female,1323,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english380.wav +676,85,0,"pike county, kentucky, usa",english381,english,male,1324,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english381.wav +677,34,0,"arlington, virginia, usa",english382,english,male,1325,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english382.wav +678,32,0,"washington, district of columbia, usa",english383,english,female,1326,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english383.wav +679,57,0,"williamson, west virginia, usa",english384,english,male,1327,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her to breeding these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english384.wav +680,77,0,"mcveigh, kentucky, usa",english385,english,female,1328,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english385.wav +681,56,0,"los angeles, california, usa",english386,english,female,1330,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english386.wav +682,21,0,"lancaster, california, usa",english387,english,female,1331,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 booms of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also needed a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english387.wav +683,70,0,"bluefield, west virginia, usa",english388,english,female,1332,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police called Stella.,recordings/wav/english388.wav +684,71,0,"aldie, virginia, usa",english389,english,female,1333,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellar ask her to bring these things and with her from the store. 6 spoons are fresh and opies. 5-6 slabs of blue cheese and maybe a snack for her brother bought. We also need a small plants, a snake and a big target for for the kids. She got scooped these things into 3 bags and we will go and meet her wins at the train station.",recordings/wav/english389.wav +685,59,0,"new orleans, louisiana, usa",english39,english,female,98,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english39.wav +686,74,0,"milwaukee, wisconsin, usa",english390,english,male,1334,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english390.wav +687,84,0,"milton, florida, usa",english391,english,female,1335,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Ashcraft to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her bought brother Bob. We also need a small plastic snake and a big toy.",recordings/wav/english391.wav +688,62,0,"warrenton, virginia, usa",english392,english,male,1336,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please 'cause please call Stella Asset to bringing it bring these things with her from this from the store. 6 bunches of fresh snow peas, fast fatty.",recordings/wav/english392.wav +689,58,0,"washington, district of columbia, usa",english393,english,female,1337,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english393.wav +690,82,0,"aiken, south carolina, usa",english394,english,female,1339,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother love. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english394.wav +691,39,0,"alexandria, virginia, usa",english395,english,male,1340,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Note peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things up into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english395.wav +692,48,0,"orange, virginia, usa",english396,english,female,1341,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english396.wav +693,76,0,"wadesboro, north carolina, usa",english397,english,female,1342,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring things these things with her from the stool. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from the key for the kids.",recordings/wav/english397.wav +694,83,0,"salisbury, north carolina, usa",english398,english,female,1343,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english398.wav +695,80,0,"la grange, georgia, usa",english399,english,female,1345,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",The police calls Della.,recordings/wav/english399.wav +696,53,0,"saint anne's bay, jamaica",english4,english,female,99,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english4.wav +697,53,0,"dudley, uk",english40,english,male,100,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stool. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english40.wav +698,59,0,"shanklin, isle of wight, uk",english400,english,female,1348,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english400.wav +699,26,0,"lucerne, switzerland",english401,english,male,1349,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english401.wav +700,26,0,"canberra, australia",english402,english,female,1350,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.,recordings/wav/english402.wav +701,29,0,"sydney, australia",english403,english,female,1351,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english403.wav +702,29,0,"windsor, australia",english404,english,male,1352,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english404.wav +703,32,0,"geelong, australia",english405,english,female,1353,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english405.wav +704,24,0,"pensacola, florida, usa",english406,english,female,1358,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english406.wav +705,47,0,"windsor, ontario, canada",english407,english,male,1360,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english407.wav +706,64,0,"lynwood, california, usa",english408,english,male,1361,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english408.wav +707,60,0,"maitland, australia",english409,english,female,1362,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english409.wav +708,44,0,"wellington, new zealand",english41,english,male,101,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english41.wav +709,35,0,"hamilton, new zealand",english410,english,male,1363,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english410.wav +710,26,0,"washington, district of columbia, usa",english411,english,female,1371,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, any big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english411.wav +711,31,0,"washington, district of columbia, usa",english412,english,female,1372,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english412.wav +712,20,0,"manchester, england, uk",english413,english,female,1373,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english413.wav +713,30,0,"woonsocket, rhode island, usa",english414,english,female,1374,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english414.wav +714,32,0,"woonsocket, rhode island, usa",english415,english,male,1375,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs and blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these singers into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english415.wav +715,34,0,"sydney, australia",english416,english,male,1377,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed labs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/english416.wav +716,20,0,"cardiff, wales, uk",english417,english,female,1380,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed labs, blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake at a big toy frog for the kids. She can scoot these things into free red bags and we will go meet her or Wednesday at the train station.",recordings/wav/english417.wav +717,29,0,"arlington, virginia",english418,english,male,1384,virginia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english418.wav +718,27,0,"youngstown, ohio, usa",english419,english,male,1385,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english419.wav +719,65,0,"nigel, south africa",english42,english,male,102,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english42.wav +720,21,0,"auckland, new zealand",english420,english,male,1387,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english420.wav +721,38,0,"landstuhl, germany",english421,english,male,1388,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english421.wav +722,31,0,"rochester, new york, usa",english422,english,male,1390,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english422.wav +723,24,0,"baltimore, maryland, usa",english423,english,female,1395,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english423.wav +724,75,0,"danville, virginia, usa",english424,english,male,1409,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas by thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her where she at the train station.,recordings/wav/english424.wav +725,31,0,"danville, virginia, usa",english425,english,male,1410,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english425.wav +726,30,0,"florence, south carolina, usa",english426,english,female,1411,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skate these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english426.wav +727,68,0,"hanover, pennsylvania, usa",english427,english,female,1412,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english427.wav +728,55,0,"kingstree, south carolina, usa",english428,english,female,1413,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english428.wav +729,19,0,"philadelphia, pennsylvania, usa",english429,english,female,1416,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english429.wav +730,47,0,"vancouver, british columbia, canada",english43,english,male,103,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english43.wav +731,23,0,"melbourne, australia",english430,english,female,1419,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from. The store seeks springs of fresh snow peas, by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoot these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english430.wav +732,23,0,"green bay, wisconsin, usa",english431,english,female,1423,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english431.wav +733,22,0,"dublin, ireland",english432,english,female,1428,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, thick five pick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english432.wav +734,32,0,"gladwin, michigan, usa",english433,english,female,1430,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english433.wav +735,24,0,"kansas city, kansas, usa",english434,english,male,1469,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english434.wav +736,20,0,"palm springs, california, usa",english435,english,female,1471,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a stack for her brother bulb. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things to three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english435.wav +737,19,0,"freeport, the bahamas",english436,english,female,1475,the bahamas,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english436.wav +738,21,0,"cleveland, ohio, usa",english437,english,male,1477,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english437.wav +739,20,0,"houston, texas, usa",english438,english,female,1492,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english438.wav +740,18,0,"richmond, british columbia, canada",english439,english,female,1493,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english439.wav +741,63,0,"winston salem, north carolina, usa",english44,english,female,104,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english44.wav +742,22,0,"glasgow, scotland, uk",english440,english,female,1502,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store sex spoons of fresh snow peas. 5 deck slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into three dead bags and we will go and meet hot in Wayne State at the train station.,recordings/wav/english440.wav +743,19,0,"oquawka, illinois, usa",english441,english,female,1524,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english441.wav +744,23,0,"salisbury mills, new york, usa",english442,english,male,1528,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english442.wav +745,31,0,"fort collins, colorado, usa",english443,english,male,1530,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english443.wav +746,24,0,"anniston, alabama, usa",english444,english,male,1531,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english444.wav +747,60,0,"san francisco, california, usa",english445,english,male,1532,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english445.wav +748,23,0,"moorhead, minnesota, usa",english446,english,female,1533,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. If you can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english446.wav +749,21,0,"hartford, connecticut, usa",english447,english,male,1534,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english447.wav +750,20,0,"isle of arran, scotland, uk",english448,english,male,1536,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fessional peas, 5 thick slabs of blue cheese and maybe a snack for Bill or Bob. We also need a small plastic snake and a big toy fog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english448.wav +751,27,0,"barton, vermont, usa",english449,english,male,1538,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english449.wav +752,52,0,"pine bluff, arkansas, usa",english45,english,male,105,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also made a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english45.wav +753,26,0,"windsor, uk",english450,english,male,1544,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oxford to bring these things were from the store.,recordings/wav/english450.wav +754,44,0,"hazlehurst, georgia, usa",english451,english,male,1546,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english451.wav +755,24,0,"newcastle, australia",english452,english,male,1547,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 moons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english452.wav +756,21,0,"chicago, illinois, usa",english453,english,female,1548,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into through red bags and we will go meet her Wednesday at the train station.",recordings/wav/english453.wav +757,19,0,"raleigh, north carolina, usa",english454,english,female,1550,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when stay at the train station.",recordings/wav/english454.wav +758,29,0,"washington, dc, usa",english455,english,female,1552,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english455.wav +759,37,0,"lancashire, leyland, uk",english456,english,female,1554,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet on Wednesday at the train station.",recordings/wav/english456.wav +760,43,0,"syracuse, new york, usa",english457,english,male,1555,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english457.wav +761,22,0,"reno, nevada, usa",english458,english,female,1559,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas 5 pics. Lapse of blue cheese and maybe a snack for her brother Bob.,recordings/wav/english458.wav +762,19,0,"charlotte, north carolina, usa",english459,english,male,1560,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english459.wav +763,73,0,"creswell, north carolina, usa",english46,english,male,106,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english46.wav +764,19,0,"rutland, england, uk",english460,english,female,1561,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english460.wav +765,44,0,"poughkeepsie, new york, usa",english461,english,female,1563,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english461.wav +766,20,0,"paducah, kentucky, usa",english462,english,male,1564,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english462.wav +767,53,0,"brooklyn, new york, usa",english463,english,female,1571,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english463.wav +768,27,0,"ottawa, ontario, canada",english464,english,male,1618,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english464.wav +769,20,0,"aylesbury, buckinghamshire, uk",english465,english,male,1635,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow, Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english465.wav +770,18,0,"portland, maine, usa",english466,english,male,1637,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags. We will go meet her Wednesday at the train station.",recordings/wav/english466.wav +771,23,1,"pozzuoli, italy",english467,english,male,1639,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english467.wav +772,30,0,"myrtle beach, south carolina, usa",english468,english,male,1640,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones were fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english468.wav +773,22,0,"knoxville, tennessee, usa",english469,english,male,1641,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english469.wav +774,76,0,"plantersville, arkansas, usa",english47,english,female,107,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please cast hour, ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when she at the train station.",recordings/wav/english47.wav +775,21,0,"leighton buzzard, uk",english470,english,male,1642,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her room to the store. 6 spoons of fresh Snow peas, 5 thick slabs with blue cheese and maybe sniper brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into her three red bags so will go meet her Wednesday at the train station.",recordings/wav/english470.wav +776,26,0,"calgary, alberta, canada",english471,english,female,1648,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english471.wav +777,26,0,"rota, spain",english472,english,male,1649,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english472.wav +778,20,0,"nottingham, uk",english473,english,male,1650,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Firefix labs are blue cheese and maybe a snack for her brother Bob.,recordings/wav/english473.wav +779,33,0,"rochester, minnesota, usa",english474,english,female,1656,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english474.wav +780,29,0,"ogden, utah, usa",english475,english,female,1657,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english475.wav +781,64,0,"manchester, new hampshire, usa",english476,english,female,1658,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english476.wav +782,31,0,"san diego, california, usa",english477,english,female,1659,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three ride bags and we will go meet her Wednesday at the train station.",recordings/wav/english477.wav +783,19,0,"sydney, nova scotia, canada",english478,english,male,1661,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english478.wav +784,64,0,"new york, new york, usa",english479,english,female,1664,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english479.wav +785,26,0,"port moresby, national capital district, papua new guinea",english48,english,male,108,papua new guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english48.wav +786,58,0,"winston-salem, north carolina, usa",english480,english,male,1665,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english480.wav +787,88,0,"stringtown, oklahoma, usa",english481,english,female,1666,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of full of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brothers. Her for her brother Bob.",recordings/wav/english481.wav +788,74,0,"yeadon, pennsylvania, usa",english482,english,female,1667,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english482.wav +789,19,0,"boston, massachusetts, usa",english483,english,male,1668,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english483.wav +790,24,0,"dublin, ireland",english484,english,male,1672,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/english484.wav +791,20,0,"cromwell, connecticut, usa",english485,english,male,1674,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english485.wav +792,53,0,"corentyne, guyana",english486,english,female,1683,guyana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english486.wav +793,22,0,"london, uk",english487,english,female,1688,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother both. We also need a small plastic snake and a big toy hold for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english487.wav +794,35,0,"irvine, scotland, uk",english488,english,female,1692,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english488.wav +795,46,0,"kingston, jamaica",english489,english,female,1694,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons are fresh snow peas.,recordings/wav/english489.wav +796,43,0,"castro valley, california, usa",english49,english,male,109,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english49.wav +797,18,0,"auckland, new zealand",english490,english,male,1709,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with it from the store.,recordings/wav/english490.wav +798,79,0,"westmoreland, jamaica",english491,english,female,1713,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Acsr to bring these things with her from the store.,recordings/wav/english491.wav +799,22,0,"omaha, nebraska, usa",english492,english,female,1716,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english492.wav +800,20,0,"miami, florida, usa",english493,english,male,1718,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english493.wav +801,27.5,0,"findlay, ohio, usa",english494,english,male,1719,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english494.wav +802,21,0,"kirkland, washington, usa",english495,english,male,1720,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english495.wav +803,20,0,"london, england, uk",english496,english,male,1724,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english496.wav +804,22,0,"cleveland, ohio, usa",english497,english,male,1726,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/english497.wav +805,27,0,"prince george, british columbia, canada",english498,english,male,1727,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask and bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english498.wav +806,21,0,"st. paul, minnesota, usa",english499,english,female,1728,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Star asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english499.wav +807,62,0,"fairfax, virginia, usa",english5,english,male,110,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english5.wav +808,29,0,"baltic, south dakota, usa",english50,english,female,111,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english50.wav +809,38,0,"albury, new south wales, australia",english500,english,male,1733,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english500.wav +810,64,0,"pittsburgh, pennsylvania, usa",english501,english,female,1734,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english501.wav +811,30,0,"farmington hills, michigan, usa",english502,english,female,1735,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english502.wav +812,29,0,"benin city, nigeria",english503,english,female,1739,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english503.wav +813,25,0,"west palm beach, florida, usa",english504,english,male,1786,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english504.wav +814,50,0,"beirut, lebanon",english505,english,female,1798,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english505.wav +815,30,0,"new orleans, louisiana, usa",english506,english,female,1799,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english506.wav +816,21,0,"accra, ghana",english507,english,male,1800,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. Five pick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her on Wednesday at the train station.,recordings/wav/english507.wav +817,20,0,"winfield, illinois, usa",english508,english,female,1801,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic sneak in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english508.wav +818,44,0,"coudersport, pennsylvania, usa",english509,english,female,1802,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english509.wav +819,67,0,"detroit, michigan, usa",english51,english,male,112,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english51.wav +820,66,0,"philadelphia, pennsylvania, usa",english510,english,female,1803,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english510.wav +821,31,0,"montgomery, alabama, usa",english511,english,female,1818,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english511.wav +822,54,0,"salina, kansas, usa",english512,english,female,1819,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog.",recordings/wav/english512.wav +823,52,0,"bocas del toro, panama",english513,english,female,1856,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic.",recordings/wav/english513.wav +824,57,0,"youngstown, ohio, usa",english514,english,male,1872,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english514.wav +825,55,0,"youngstown, ohio, usa",english515,english,female,1873,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english515.wav +826,32,0,"dripping springs, texas, usa",english516,english,female,1875,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english516.wav +827,33,0,"colorado springs, colorado, usa",english517,english,male,1876,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store sex spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/english517.wav +828,24,0,"kells, meath, ireland",english518,english,male,1878,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into tree red bags and we will go meet her Wednesday at the train station.",recordings/wav/english518.wav +829,18,1,"karachi, pakistan",english519,english,female,1882,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english519.wav +830,20,0,"calgary, alberta, canada",english52,english,male,113,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english52.wav +831,47,0,"st. paul, minnesota, usa",english520,english,female,1884,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english520.wav +832,25,0,"bethesda, maryland, usa",english521,english,female,1886,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english521.wav +833,22,0,"bethpage, new york, usa",english522,english,female,1887,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english522.wav +834,18,0,"madison, wisconsin, usa",english523,english,female,1888,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english523.wav +835,19,0,"downers grove, illinois, usa",english524,english,male,1890,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet go meet here Wednesday at the train station.",recordings/wav/english524.wav +836,18,0,"albion, new york, usa",english525,english,female,1893,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english525.wav +837,20,0,"woodbridge, virginia, usa",english526,english,male,1895,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we won't go meet her Wednesday at the train station.",recordings/wav/english526.wav +838,25,0,"wynnewood, pennsylvania, usa",english527,english,female,1907,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english527.wav +839,52,0,"green bay, wisconsin, usa",english528,english,female,1908,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english528.wav +840,29,0,"burlington, vermont, usa",english529,english,female,1925,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english529.wav +841,63,0,"syracuse, new york, usa",english53,english,male,114,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english53.wav +842,50,0,"detroit, michigan, usa",english530,english,female,1926,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english530.wav +843,29,0,"nokesville, virginia, usa",english531,english,female,1928,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english531.wav +844,23,0,"bristol, connecticut, usa",english532,english,female,1933,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english532.wav +845,38,0,"fairfax, virginia, usa",english533,english,female,1934,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english533.wav +846,29,0,"mineola, new york, usa",english534,english,female,1951,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english534.wav +847,22,0,"plymouth, massachusetts, usa",english535,english,female,1955,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english535.wav +848,21,0,"richmond, virginia, usa",english536,english,female,1956,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english536.wav +849,21,0,"woodbridge, virginia, usa",english537,english,female,1957,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english537.wav +850,20,0,"lyndhurst, virginia, usa",english538,english,female,1958,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet with her.",recordings/wav/english538.wav +851,19,0,"orange county, california, usa",english539,english,female,1959,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english539.wav +852,40,0,"new albany, indiana, usa",english54,english,female,115,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english54.wav +853,18,0,"arlington, virginia, usa",english540,english,female,1960,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english540.wav +854,27,0,"fort lauderdale, florida, usa",english541,english,female,1961,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english541.wav +855,60,0,"toronto, ontario, canada",english542,english,male,1962,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english542.wav +856,39,0,"vancouver, british columbia, canada",english543,english,female,1969,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english543.wav +857,31,0,"hanover, new hampshire, usa",english544,english,male,1970,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english544.wav +858,56,0,"tangier island, virginia, usa",english545,english,male,1995,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english545.wav +859,43,0,"tangier island, virginia, usa",english546,english,female,1996,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. I asked her to bring these things from her store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother bath. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english546.wav +860,63,0,"tangier island, virginia, usa",english547,english,male,1997,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. I ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english547.wav +861,61,0,"dublin, ireland",english548,english,male,2003,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring doors things with her from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue keys and maybe a snack for her brother Bob. We also need a small classic snake and a bag of toy frogs for the kids.",recordings/wav/english548.wav +862,19,0,"exminister, uk",english549,english,female,2012,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english549.wav +863,53,0,"st. louis, missouri, usa",english55,english,female,116,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english55.wav +864,82,0,"fredericksburg, virginia, usa",english550,english,male,2028,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as could bring these things with her from the store.,recordings/wav/english550.wav +865,81,0,"king george, virginia, usa",english551,english,female,2029,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas by fixed slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tour frog for the kids. She can scoop the things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english551.wav +866,23,0,"bethesda, maryland, usa",english552,english,female,2043,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english552.wav +867,21,0,"nashville, tennessee, usa",english553,english,male,2046,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english553.wav +868,22,0,"hoffman estates, illinois, usa",english554,english,female,2047,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask her thing. These things were there from the store.,recordings/wav/english554.wav +869,90,0,"brooklyn, new york, usa",english555,english,male,2049,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a stack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things until 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english555.wav +870,84,0,"brooklyn, new york, usa",english556,english,female,2050,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english556.wav +871,25,2,"sharjah, united arab emirates",english557,english,female,2053,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english557.wav +872,23,0,"queens, new york, usa",english558,english,male,2055,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english558.wav +873,19,0,"reston, virginia, usa",english559,english,female,2056,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english559.wav +874,20,0,"londonderry, northern ireland, uk",english56,english,male,117,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english56.wav +875,22,0,"hartford, connecticut, usa",english560,english,female,2059,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english560.wav +876,20,0,"yorktown, virginia, usa",english561,english,female,2060,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english561.wav +877,30,0,"florence, south carolina, usa",english562,english,female,2061,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas fraud, thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things until 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english562.wav +878,32,0,"manassas, virginia, usa",english563,english,male,2074,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english563.wav +879,52,0,"casper, wyoming, usa",english564,english,male,2077,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english564.wav +880,27,0,"portland, oregon, usa",english565,english,female,2080,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english565.wav +881,22,0,"derby, england, uk",english566,english,male,2081,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bugs and we will go meet her Wednesday at the train station.",recordings/wav/english566.wav +882,24,0,"new york, new york, usa",english567,english,male,2101,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english567.wav +883,86,0,"quincy, florida, usa",english568,english,female,2103,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english568.wav +884,24,0,"sydney, australia",english569,english,male,2104,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english569.wav +885,34,0,"birmingham 1, uk",english57,english,male,118,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked us to bring these things with app from the store. 6 spoons with fresh snow peas, 5 thick slabs of blue cheese and maybe a snack through a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english57.wav +886,42,0,"parma, ohio, usa",english570,english,female,2106,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english570.wav +887,39,0,"washington, dc, usa",english571,english,male,2113,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english571.wav +888,51,0,"fort worth, texas, usa",english572,english,male,2121,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english572.wav +889,46,0,"painesville, ohio, usa",english573,english,male,2124,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english573.wav +890,26,0,"toronto, ontario, canada",english574,english,female,2162,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english574.wav +891,24,0,"great falls, virginia, usa",english575,english,male,2165,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog really gets. She can scoop these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/english575.wav +892,63,0,"washington, dc, usa",english576,english,female,2167,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english576.wav +893,38,0,"san leandro, california, usa",english577,english,female,2170,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english577.wav +894,60,0,"salford, lancashire, uk",english578,english,male,2171,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these six things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. Also we need a small plastic snake and a big toy frog for the kids.",recordings/wav/english578.wav +895,22,0,"adelaide, australia",english579,english,male,2172,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please costela ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english579.wav +896,46,0,"southhampton, uk",english58,english,female,119,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english58.wav +897,30,0,"columbus, ohio, usa",english59,english,male,120,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english59.wav +898,45,0,"brooklyn, new york, usa",english6,english,female,121,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother brought Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english6.wav +899,18,0,"chesapeake, virginia, usa",english60,english,male,122,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english60.wav +900,19,0,"toronto, ontario, canada",english61,english,male,123,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english61.wav +901,30,0,"west jordan, utah, usa",english62,english,male,124,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english62.wav +902,21,0,"lewisville, texas, usa",english63,english,male,125,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english63.wav +903,25,0,"montreal, quebec, canada",english64,english,female,126,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english64.wav +904,47,0,"lewistown, pennsylvania, usa",english65,english,male,127,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english65.wav +905,19,0,"baltimore, maryland, usa",english66,english,male,128,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things in a 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english66.wav +906,37,0,"princeton, indiana, usa",english67,english,male,129,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english67.wav +907,52,0,"new york, new york, usa",english68,english,male,130,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english68.wav +908,23,0,"adelaide, australia",english69,english,male,131,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english69.wav +909,52,0,"macon, mississippi, usa",english7,english,male,132,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english7.wav +910,21,0,"beaumont, texas, usa",english70,english,male,133,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things in the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english70.wav +911,20,0,"west covina, california, usa",english71,english,male,134,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english71.wav +912,31,0,"kilkenny, ireland",english72,english,male,135,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english72.wav +913,24,0,"darwin, australia",english73,english,male,136,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english73.wav +914,21,0,"wichita, kansas, usa",english74,english,male,137,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english74.wav +915,32,0,"idaho falls, idaho, usa",english75,english,male,138,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english75.wav +916,18,0,"boston, massachusetts, usa",english76,english,female,139,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english76.wav +917,26,0,"melbourne, australia",english77,english,male,140,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english77.wav +918,20,0,"caribou, maine, usa",english78,english,female,141,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english78.wav +919,73,0,"boston, massachusetts, usa",english79,english,male,142,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 bones of fresh milk bees, 5-6 slabs of blue cheese and maybe a snack for her brother Blob. We also need a small plastic steak in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english79.wav +920,21,0,"perth, australia",english8,english,female,143,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english8.wav +921,34,0,"glasgow, scotland, uk",english80,english,male,144,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a small snack for her brother Bob.",recordings/wav/english80.wav +922,30,0,"st. paul, minnesota, usa",english81,english,male,145,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english81.wav +923,50,0,"chicago, illinois, usa",english82,english,female,146,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english82.wav +924,42,0,"winnfield, louisiana, usa",english83,english,female,147,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things, whether from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english83.wav +925,45,0,"sydney, australia",english84,english,male,148,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with it from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we'll go mate or Wednesday at the train station.",recordings/wav/english84.wav +926,31,0,"strabane, northern ireland, uk",english85,english,male,149,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellar ask her to bring these things with her from the store. 6 spoons of fresh snow peas. High thick slabs of blue cheese and maybe a snack for her brother Bob, but also did a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english85.wav +927,50,0,"charleston, south carolina, usa",english86,english,male,150,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english86.wav +928,18,0,"tamworth, australia",english87,english,female,151,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snag in a big toy frog for the kids. She can skip those things in a 3 red bags and we will go meet on Wednesday at the train station.",recordings/wav/english87.wav +929,18,0,"grand rapids, michigan, usa",english88,english,male,152,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english88.wav +930,18,0,"kingston ma, massachusetts, usa",english89,english,male,153,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with it from the store.,recordings/wav/english89.wav +931,48,0,"carthage, texas, usa",english9,english,female,154,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english9.wav +932,53,0,"pittsburgh, pennsylvania, usa",english90,english,male,155,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english90.wav +933,23,0,"kingston, jamaica",english91,english,male,156,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english91.wav +934,22,0,"wisconsin rapids, wisconsin, usa",english92,english,female,157,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english92.wav +935,22,0,"mamou, louisiana, usa",english93,english,female,158,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english93.wav +936,55,0,"pensacola, florida, usa",english94,english,female,159,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and a maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english94.wav +937,18,0,"mishawaka, indiana, usa",english95,english,male,160,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english95.wav +938,31,0,"point pleasant, new jersey, usa",english96,english,male,161,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english96.wav +939,42,0,"wilmington nc, north carolina, usa",english97,english,male,162,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things with her from the store. 6 Bones at first. Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english97.wav +940,22,0,"spokane, washington, usa",english98,english,male,163,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english98.wav +941,52,0,"pittsburgh, pennsylvania, usa",english99,english,female,164,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fraud for the kids. She could skip these things into 3 red bags and we will go meet her next Wednesday at the train station.",recordings/wav/english99.wav +942,26,7,"tallinn, estonia",estonian1,estonian,male,591,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother brought. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/estonian1.wav +943,27,12,"viljandi, estonia",estonian2,estonian,male,1313,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from their store. 6 spoons of fresh, no peers, by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday after train station.",recordings/wav/estonian2.wav +944,22,9,"tallinn, estonia",estonian3,estonian,male,1776,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/estonian3.wav +945,28,9,"paide, estonia",estonian4,estonian,female,1867,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/estonian4.wav +946,25,9,"accra, ghana",ewe1,ewe,male,165,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from the store. 6 spoons of fresh, no peace 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ewe1.wav +947,37,5,"accra, ghana",ewe2,ewe,female,975,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",OK please call Stella. Ask her to bring these things with her from the store. Said spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/ewe2.wav +948,20,11,"malabo, equatorial guinea",fang1,fang,female,166,equatorial guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these fins with health from the store. 6 spoon of fresh snow peas. 5 fix lap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kid. She gonna scoop this feeling to free red bags and we will go meet her Wednesday at the train station.,recordings/wav/fang1.wav +949,32,6,"ajumako, ghana",fanti1,fanti,male,167,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/fanti1.wav +950,24,7,"accra, ghana",fanti2,fanti,female,1511,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as had to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/fanti2.wav +951,46,5,"accra, ghana",fanti3,fanti,female,1863,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/fanti3.wav +952,28,11,"torshavn, faroe islands",faroese1,faroese,male,1244,faroe islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/faroese1.wav +953,22,13,"tehran, iran",farsi1,farsi,male,168,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoon of fresh Snow peas 5 sticks slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/farsi1.wav +954,45,10,"tehran, iran",farsi10,farsi,female,453,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from their stuff. 6 spoons of fresh Snow peas, 5 thicker slabs of blue cheese and maybe snack for her brother. But we also need a small plastic snake and a big toy frog for the kids.",recordings/wav/farsi10.wav +955,32,4,"kabul, afghanistan",farsi11,farsi,female,1015,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/farsi11.wav +956,42,11,"kerman, iran",farsi12,farsi,male,1112,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for the for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi12.wav +957,37,12,"ghasreshirin, iran",farsi13,farsi,male,1378,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/farsi13.wav +958,52,6,"bethesda, maryland, usa",farsi14,farsi,female,1572,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow beast, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic.",recordings/wav/farsi14.wav +959,20,4,"tehran, iran",farsi15,farsi,male,1598,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snack for her brother bop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi15.wav +960,54,38,"abadan, iran",farsi16,farsi,female,1623,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from their store. 6 spoons of fresh Snow peas, 5 tickets, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three bread bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi16.wav +961,27,16,"gorgan, iran",farsi17,farsi,female,1858,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call the Stella asked her to bring this thing in these things with her from the store. 6 teaspoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack from for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can't scoop on these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi17.wav +962,19,5,"tehran, iran",farsi18,farsi,female,1913,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/farsi18.wav +963,63,27,"tehran, iran",farsi19,farsi,female,1936,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese and maybe his snack for her brother Bob. We also need a small plastic snack and a big toy frog.",recordings/wav/farsi19.wav +964,34,18,"esfahan, iran",farsi2,farsi,female,169,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Me please call Estella, ask her to bring these things with her from the store. 6 spoons of fresh snow peas. If I fix slabs of blue cheese and maybe a snack for her brother Bob, we also need a small plastic snack and a big toy frog for the kids.",recordings/wav/farsi2.wav +965,48,19,"mazare sharif, afghanistan",farsi20,farsi,female,1993,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe.",recordings/wav/farsi20.wav +966,20,5,"kabul, afghanistan",farsi21,farsi,male,2025,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with their from from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can swoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi21.wav +967,20,5,"tehran, iran",farsi22,farsi,female,2037,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/farsi22.wav +968,24,5,"shiraz, iran",farsi23,farsi,female,2063,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/farsi23.wav +969,28,14,"esfahan, iran",farsi3,farsi,female,170,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with help from the store. Six response of fresh Snow Peas, 5 tickets slabs of blue cheese and maybe as a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi3.wav +970,21,15,"mazandran, iran",farsi4,farsi,female,171,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella asked her to bring these things with her form.,recordings/wav/farsi4.wav +971,43,14,"tehran, iran",farsi5,farsi,male,172,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring to these things with her foot with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of the blue cheese and maybe the snake snack for her brother Bob. We also need the small plastic, a snack and a big booty toy frog for the kids. She can scoop these things into the three red bags and we will go meet her Wednesday at the train stations.",recordings/wav/farsi5.wav +972,27,9,"tehran, iran",farsi6,farsi,male,173,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/farsi6.wav +973,29,11,"tehran, iran",farsi7,farsi,male,174,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi7.wav +974,29,11,"tehran, iran",farsi8,farsi,female,175,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/farsi8.wav +975,39,12,"tehran, iran",farsi9,farsi,male,176,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/farsi9.wav +976,39,13,"lautem, timor-leste",fataluku1,fataluku,male,1000,timor-leste,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/fataluku1.wav +977,35,5,"savusavu, vanua levu, fiji",fijian1,fijian,male,655,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three grade bags and we will go meet her Wednesday at the train station.",recordings/wav/fijian1.wav +978,39,6,"suva, fiji",fijian2,fijian,female,656,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/fijian2.wav +979,48,6,"suva, fiji",fijian3,fijian,female,657,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go.",recordings/wav/fijian3.wav +980,23,4,"quezon city, philippines",filipino1,filipino,male,1068,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from this door. Six points of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Bob.",recordings/wav/filipino1.wav +981,21,3,"pasay, philippines",filipino2,filipino,female,1500,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/filipino2.wav +982,22,9,"lahti, finland",finnish1,finnish,female,177,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoon or fresh snow peas. 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop these things in three red bags and we will go meet her Wednesday at the train station.,recordings/wav/finnish1.wav +983,20,7,"helsinki, finland",finnish2,finnish,male,178,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 fake slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/finnish2.wav +984,20,7,"helsinki, finland",finnish3,finnish,female,699,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/finnish3.wav +985,30,9,"helsinki, finland",finnish4,finnish,female,700,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three Redbacks.",recordings/wav/finnish4.wav +986,30,5,"victoria, british columbia, canada",finnish5,finnish,male,873,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/finnish5.wav +987,19,9,"riihimaki, finland",finnish6,finnish,female,1221,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of rest. No peace. 5 thick slabs of blue jeans and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the gifts. She could scoop these things in the three red bags and we will go meet her Wednesday at the train station.,recordings/wav/finnish6.wav +988,46,9,"kauhava, finland",finnish7,finnish,female,1939,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/finnish7.wav +989,18,9,"tampere, finland",finnish8,finnish,female,2145,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of rest, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the three red bags and we will go meet her Wednesday at this train station.",recordings/wav/finnish8.wav +990,20,12,"st. laurent d'onay, france",french1,french,female,179,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno fresh snow peas.,recordings/wav/french1.wav +991,31,10,"bordeaux, france",french10,french,male,500,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french10.wav +992,31,11,"limoges, france",french11,french,male,514,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Peace Corps Stella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for their kids. She can scoop these things into 3 red bugs and will go meet her Wednesday at the train station.",recordings/wav/french11.wav +993,19,9,"montreal, quebec, canada",french12,french,female,524,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french12.wav +994,19,12,"bordeaux, france",french13,french,male,628,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for brother Bob.",recordings/wav/french13.wav +995,23,14,"paris, france",french14,french,female,629,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french14.wav +996,32,12,"sens, france",french15,french,male,633,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with that from the store. 6 pounds of fresh snow peas, 5 thick slab of blue cheese and maybe a snack for brother Bob.",recordings/wav/french15.wav +997,19,7,"montreal, quebec, canada",french16,french,female,658,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tour frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french16.wav +998,39,14,"fribourg, switzerland",french17,french,male,683,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her home, with her from the storm. 6 spoons of fresh snow pea piece. 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/french17.wav +999,22,6,"washington, dc, usa",french18,french,male,741,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french18.wav +1000,39,12,"grenoble, france",french19,french,male,755,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack floor and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french19.wav +1001,19,14,"tunis, tunisia",french2,french,male,180,tunisia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with with her from the store. 6 spoons of fresh snow peas.,recordings/wav/french2.wav +1002,23,12,"alma, quebec, canada",french20,french,male,804,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic snake and a big toy fight for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/french20.wav +1003,20,9,"amiens, france",french21,french,male,811,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of French. No peers, 5 ticks slab of blue cheese and maybe a snare for our brother Bob. We also need a small plastic snack and a big tour for for the kids. She can scoot these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french21.wav +1004,78,16,"ghent, belgium",french22,french,female,822,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. I ask her to bring these things with her from the store. 6 boot off of fresh Snow peas, 5 ticks lapse of blue cheese and maybe a snack for her bottle bop. We also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french22.wav +1005,76,16,"ghent, belgium",french23,french,female,823,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a border Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french23.wav +1006,47,13,"mostaganem, algeria",french24,french,male,832,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday or the train station.",recordings/wav/french24.wav +1007,20,12,"st. louis fr, france",french25,french,male,860,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/french25.wav +1008,27,11,"montreal, quebec, canada",french26,french,female,917,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french26.wav +1009,38,12,"algiers, algeria",french27,french,female,932,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snack for her brother Bob. We also need a small plastic snake snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french27.wav +1010,35,11,"port-au-prince, haiti",french28,french,female,957,haiti,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french28.wav +1011,54,10,"cannes, france",french29,french,female,1021,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french29.wav +1012,22,11,"nice, france",french3,french,female,181,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas with thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/french3.wav +1013,37,12,"kinshasa, democratic republic of congo",french30,french,male,1023,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french30.wav +1014,28,15,"paris, france",french31,french,male,1062,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please please 'cause tell, ask her to bring these things with her from the store.",recordings/wav/french31.wav +1015,60,16,"kabinda, democratic republic of congo",french32,french,male,1080,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe maybe maybe a snack for a broader Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/french32.wav +1016,62,10,"montreal, quebec, canada",french33,french,male,1127,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french33.wav +1017,56,16,"abidjan, ivory coast",french34,french,male,1160,ivory coast,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. See spoon of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet.,recordings/wav/french34.wav +1018,27,10,"toulouse, france",french35,french,male,1189,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french35.wav +1019,32,10,"reims, france",french36,french,female,1304,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, maybe a snack for her brother Bob. We also need a small plastic snake in a big toy front for the kids. She can scoop those things into three right bags and we will go meet her Wednesday at the train station.",recordings/wav/french36.wav +1020,42,14,"strasbourg, france",french37,french,male,1306,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas 5 speak slabs of blue cheese and maybe a snack for her brother Bo. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/french37.wav +1021,22,8,"montreal, quebec, canada",french38,french,male,1424,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother, Bub. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french38.wav +1022,28,13,"pezenas, france",french39,french,male,1427,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pound of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic neck and a big toy fog for the kids.",recordings/wav/french39.wav +1023,31,14,"abidjan, ivory coast",french4,french,female,182,ivory coast,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please, please call Stella asked to bring these think we have heard from the Store 6 spoon or fresh Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic.",recordings/wav/french4.wav +1024,44,13.5,"rouen, france",french40,french,female,1429,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french40.wav +1025,24,12,"la massana, andorra",french41,french,male,1474,andorra,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police call Stella ask her to bring this pink sweater from a store 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french41.wav +1026,22,20,"kinshasa, democratic republic of congo",french42,french,female,1509,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store, 6 spoons or frayed of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french42.wav +1027,22,11,"paris, france",french43,french,male,1535,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons have fresh snowpeas 5 thick slabs with blue cheese and maybe a snack for her brother Bob.,recordings/wav/french43.wav +1028,20,12,"la chaux-de-fonds, switzerland",french44,french,female,1545,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas felt thick slab of blue trees and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for their kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/french44.wav +1029,22,8,"montreal, quebec, canada",french45,french,male,1567,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 fix lamb of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/french45.wav +1030,22,10,"chatenay malabry, france",french46,french,male,1643,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow peas, 5 fixed lap of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things to free red bags and we could meet her in Wednesday at the train station.",recordings/wav/french46.wav +1031,66,12,"landerneau, brittany, france",french47,french,female,1662,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 points are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We all also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french47.wav +1032,19,3,"douala, cameroon",french48,french,female,1701,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french48.wav +1033,39,12,"paris, france",french49,french,male,1729,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french49.wav +1034,36,11,"douala, cameroon",french5,french,female,183,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 ticks slabs off blue cheese, and maybe it's not for her brother Bob. We also need a small plastic.",recordings/wav/french5.wav +1035,67,14,"paris, france",french50,french,female,1751,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those scenes with her from the store.,recordings/wav/french50.wav +1036,18,5,"liege, wallonia, belgium",french51,french,male,1765,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/french51.wav +1037,56,11,"lisbon, portugal",french52,french,female,1813,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I scored to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/french52.wav +1038,19,10,"creteil, france",french53,french,female,1830,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french53.wav +1039,25,8,"vichy, france",french54,french,female,1846,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french54.wav +1040,62,12,"settat, morocco",french55,french,female,1889,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things, whether from the store.",recordings/wav/french55.wav +1041,21,5,"douala, cameroon",french56,french,female,1898,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from on these things with her from the store. Six months of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother and her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet and we will go meet her Wednesday at the train station.",recordings/wav/french56.wav +1042,23,12,"dakar, senegal",french57,french,male,1931,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things on her own. Now we heard from the store 6 pounds of fresh snow peas.,recordings/wav/french57.wav +1043,25,18,"douala, cameroon",french58,french,female,1937,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.,recordings/wav/french58.wav +1044,20,5,"paris, france",french59,french,female,1938,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please close the ask her to bring these things with their from the store. 6 spoons of fresh Snow peas, 5 fixed labs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frogs for kids. She can scoop. This swings into a free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french59.wav +1045,26,13,"booue, gabon",french6,french,female,184,gabon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french6.wav +1046,20,11,"paris, france",french60,french,female,1945,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella has curved wing these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, lapse of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french60.wav +1047,41,10,"rawalpindi, pakistan",french61,french,female,1998,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into tree red bags and we will go meet her Wednesday at the train station.",recordings/wav/french61.wav +1048,21,20,"paris, france",french62,french,female,2030,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/french62.wav +1049,37,11,"ouagadougou, burkina faso",french63,french,male,2111,burkina faso,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in three bags. Red bags.",recordings/wav/french63.wav +1050,18,5,"rimouski, quebec, canada",french7,french,male,185,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french7.wav +1051,66,16,"ghent, belgium",french8,french,male,186,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/french8.wav +1052,21,11,"lamentin, martinique",french9,french,male,412,martinique,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh nappies, frantic slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big cold front for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/french9.wav +1053,62,13,"akkrum, friesland, netherlands",frisian1,frisian,male,187,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/frisian1.wav +1054,47,5,"accra, ghana",ga1,ga,male,579,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ga1.wav +1055,38,4,"accra, ghana",ga2,ga,female,974,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store sex spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ga2.wav +1056,60,5,"accra, ghana",ga3,ga,female,976,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh Snow Peas 5 takes laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can spook. She can scoop these things into 3 red box and will.,recordings/wav/ga3.wav +1057,60,6,"accra, ghana",ga4,ga,male,1150,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from the kids. She can scoop these things into 3 red bags and we will go meet her at Wednesday at the train station.",recordings/wav/ga4.wav +1058,36,5,"accra, ghana",ga5,ga,male,1796,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/ga5.wav +1059,20,8,"accra, ghana",ga6,ga,female,2122,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ga6.wav +1060,72,40,"pingxiang, jiangxi, china",gan1,gan,male,1632,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us letter. Ask her to bring these things with her from store 66 pounds of fresh snowpeas 5.,recordings/wav/gan1.wav +1061,52,15,"masaka, uganda",ganda1,ganda,female,580,uganda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ganda1.wav +1062,34,5,"kampala, uganda",ganda2,ganda,male,1369,uganda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store.,recordings/wav/ganda2.wav +1063,69,5,"dangriga, belize",garifuna1,garifuna,female,1756,belize,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring me these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake.",recordings/wav/garifuna1.wav +1064,51,23,"tela atlantida, honduras",garifuna2,garifuna,male,1757,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from this Thor 6 spoons of fresh snow peas. 5 thick slabs slabs.,recordings/wav/garifuna2.wav +1065,51,9,"dilla, ethiopia",gedeo1,gedeo,male,1090,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother, brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three great bugs and we will go meet her Wednesday at the train station.",recordings/wav/gedeo1.wav +1066,30,28,"tbilisi, republic of georgia",georgian1,georgian,female,188,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 stick slips of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/georgian1.wav +1067,41,36,"akhmeta, republic of georgia",georgian2,georgian,female,463,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/georgian2.wav +1068,29,6,"tbilisi, republic of georgia",georgian3,georgian,male,713,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the storm 6 springs of fresh snowpeas 5 seconds. Slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.,recordings/wav/georgian3.wav +1069,28,12,"tbilisi, republic of georgia",georgian4,georgian,male,721,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",And political still ask her to bring these things with her from the store 6 points or fresh snowpeas 5 thick slabs of blue cheese and maybe snack for her brother. But we also need a small plastic snake and big toy frog for the kids.,recordings/wav/georgian4.wav +1070,24,21,"tbilisi, republic of georgia",georgian5,georgian,male,1059,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow piece. 5 build thick.,recordings/wav/georgian5.wav +1071,48,12,"dusseldorf, germany",german1,german,female,189,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german1.wav +1072,24,10,"darmstadt, germany",german10,german,male,635,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this door.,recordings/wav/german10.wav +1073,20,11,"frankfurt, germany",german11,german,female,640,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things. Refer from the Store 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/german11.wav +1074,29,14,"feldkirch, austria",german12,german,female,651,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german12.wav +1075,54,13,"eschen, liechtenstein",german13,german,female,652,liechtenstein,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german13.wav +1076,30,10,"vienna, austria",german14,german,female,675,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/german14.wav +1077,35,11,"innsbruck, austria",german15,german,male,676,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/german15.wav +1078,31,11,"bremen, germany",german16,german,female,881,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/german16.wav +1079,53,10,"frankfurt, germany",german17,german,female,882,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german17.wav +1080,29,6,"bad aussee, austria",german18,german,male,893,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/german18.wav +1081,19,11,"offenbach, germany",german19,german,female,928,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german19.wav +1082,29,12,"bemberg, germany",german2,german,female,190,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/german2.wav +1083,41,16,"chur, switzerland",german20,german,male,936,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german20.wav +1084,20,10,"villach, austria",german21,german,female,1064,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/german21.wav +1085,21,12,"elsterwerda, germany",german22,german,female,1092,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella expert to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into three bread bags and we will go meet her and stay at the train station.",recordings/wav/german22.wav +1086,24,11,"herdecke, germany",german23,german,male,1255,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Play school Stella. Ask her to bring the things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue trees and maybe a snack for a brother Bob. We also Nate a small plastic snake and a big toy frog for the kids. She can scoop the things into 3 red bags, some will go mater when stay at the train station.",recordings/wav/german23.wav +1087,27,10,"niedersachsen, germany",german24,german,male,1383,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german24.wav +1088,21,11,"geislingen, germany",german25,german,female,1443,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 flake slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will. We will go meet her Wednesday at the train station.",recordings/wav/german25.wav +1089,77,24,"stuttgart, germany",german26,german,female,1452,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring this thing with her from the store.,recordings/wav/german26.wav +1090,23,10,"bielefeld, germany",german27,german,male,1494,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/german27.wav +1091,19,10,"vienna, austria",german28,german,female,1525,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/german28.wav +1092,53,12,"coburg, germany",german29,german,female,1619,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a pig toy frog for the kids.",recordings/wav/german29.wav +1093,19,12,"meissen, germany",german3,german,female,191,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas 5-6.,recordings/wav/german3.wav +1094,32,8,"radstadt, austria",german30,german,female,1681,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in. Do 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/german30.wav +1095,21,10,"datteln, germany",german31,german,female,1685,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/german31.wav +1096,29,12,"niedersachsen, germany",german32,german,female,1707,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german32.wav +1097,39,10,"stuttgart, germany",german33,german,male,1877,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/german33.wav +1098,28,11,"bochum, germany",german34,german,male,1879,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow Peas 5 takes slabs of blue cheese are maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and with all go meet her Wednesday at the train station.,recordings/wav/german34.wav +1099,51,11,"ingolstadt, germany",german35,german,female,1972,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german35.wav +1100,18,14,"hamburg, germany",german36,german,female,1994,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. Take spoons affair snowpeas 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/german36.wav +1101,19,11,"stuttgart, germany",german4,german,female,192,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her when I stay at a train station.",recordings/wav/german4.wav +1102,47,12,"halle, germany",german5,german,male,193,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/german5.wav +1103,28,8,"vienna, austria",german6,german,male,194,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/german6.wav +1104,20,11,"berlin, germany",german7,german,male,501,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/german7.wav +1105,25,10,"bernburg, germany",german8,german,male,545,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her. From this door seeks spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake on a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her once T at the train station.,recordings/wav/german8.wav +1106,22,8,"wuppertal, germany",german9,german,male,616,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snag for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german9.wav +1107,19,9,"athens, greece",greek1,greek,male,195,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from here from the store.,recordings/wav/greek1.wav +1108,58,14,"nicosia, cyprus",greek10,greek,male,1620,cyprus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store. 6 pounds of fresh snow beans fighting slot on blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can screw this thing into 3 red bags and will.,recordings/wav/greek10.wav +1109,21,3,"athens, greece",greek11,greek,female,1634,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the search. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek11.wav +1110,24,4,"bethlehem, pennsylvania, usa",greek12,greek,male,1712,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek12.wav +1111,23,6,"vlore, albania",greek13,greek,female,1804,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 phones or fresh fresh snow peas. 5 fix tabs of blue cheese and maybe a snack for her brother Bob. We had. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/greek13.wav +1112,22,3,"lancaster, pennsylvania, usa",greek14,greek,female,1816,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek14.wav +1113,81,8,"jerusalem, israel",greek15,greek,female,1839,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek15.wav +1114,26,9,"athens, greece",greek2,greek,female,196,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go style and ask her to bring these things with her from here from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Brab. We also need a small plastic snake and a big toy frog for the kids. She can scoop this a second scoop. These things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek2.wav +1115,37,15,"karprenici, greece",greek3,greek,female,197,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs with blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, a big toy frog and for the kids she can scoop these things into 3 red bags. We will go meet her Wednesday at the train station.",recordings/wav/greek3.wav +1116,37,7,"ioannina, greece",greek4,greek,male,570,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/greek4.wav +1117,51,25,"nicosia, cyprus",greek5,greek,male,621,cyprus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas piece.,recordings/wav/greek5.wav +1118,62,12,"igoumenitsa, greece",greek6,greek,female,813,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix slabs of blue cheese and maybe a snack for her brother bug. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/greek6.wav +1119,18,4,"athens, greece",greek7,greek,male,1102,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/greek7.wav +1120,37,3,"athens, greece",greek8,greek,male,1415,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek8.wav +1121,23,6,"athens, greece",greek9,greek,female,1418,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. I'm 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek9.wav +1122,20,15,"ahmedabad, india",gujarati1,gujarati,male,198,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/gujarati1.wav +1123,22,8,"bombay, india",gujarati2,gujarati,male,199,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/gujarati2.wav +1124,28,2,"limerick, ireland",gujarati3,gujarati,female,200,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/gujarati3.wav +1125,53,16,"ahmedabad, india",gujarati4,gujarati,female,610,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snake for her brother Bob. We also need a small plastic snake.",recordings/wav/gujarati4.wav +1126,28,3,"bombay, india",gujarati5,gujarati,female,1016,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/gujarati5.wav +1127,29,5,"kutch, gujarat, india",gujarati6,gujarati,male,1143,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her her to bring this thing with her from the store. 6 spoon of fresh snow peas, fojtik 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids.",recordings/wav/gujarati6.wav +1128,40,4,"hyderabad, india",gujarati7,gujarati,female,1504,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, five pick slabs of blue cheese and maybe a snack or her brother Bob.",recordings/wav/gujarati7.wav +1129,27,7,"ahmedabad, india",gujarati8,gujarati,female,1678,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/gujarati8.wav +1130,19,9,"surat, india",gujarati9,gujarati,male,2041,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/gujarati9.wav +1131,44,12,"nairobi, kenya",gusii1,gusii,male,201,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please go to Stella asked to bring these things together from the store.,recordings/wav/gusii1.wav +1132,41,6,"kisii, kenya",gusii2,gusii,male,1153,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/gusii2.wav +1133,51,12,"hosanna, ethiopia",hadiyya1,hadiyya,male,1022,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, and maybe it's not for.",recordings/wav/hadiyya1.wav +1134,30,11,"hosanna, ethiopia",hadiyya2,hadiyya,male,1032,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us there. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5.,recordings/wav/hadiyya2.wav +1135,45,7,"singapore, singapore",hainanese1,hainanese,male,914,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hainanese1.wav +1136,72,13,"pei kang, taiwan",hakka1,hakka,female,1655,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Preschools theater ask her to bring these things with her from the store.,recordings/wav/hakka1.wav +1137,49,7,"kano, nigeria",hausa1,hausa,male,1034,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa1.wav +1138,46,10,"bauchi, nigeria",hausa2,hausa,male,1035,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with help from this tool. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hausa2.wav +1139,47,6,"malumfashi, nigeria",hausa3,hausa,female,1036,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us Stella ask her to bring these things with her from the store.,recordings/wav/hausa3.wav +1140,62,10,"kano, nigeria",hausa4,hausa,male,1039,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa4.wav +1141,43,12,"maine, niger",hausa5,hausa,female,1047,niger,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa5.wav +1142,48,6,"kano, nigeria",hausa6,hausa,male,1048,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa6.wav +1143,52,7,"sokoto, nigeria",hausa7,hausa,male,1050,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with help from the stool.,recordings/wav/hausa7.wav +1144,30,7,"katsina, nigeria",hausa8,hausa,male,1136,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella actually to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her. A snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hausa8.wav +1145,43,5,"kaltungo, gombe, nigeria",hausa9,hausa,male,1408,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa9.wav +1146,23,10,"yehud, israel",hebrew1,hebrew,male,202,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snake for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3.",recordings/wav/hebrew1.wav +1147,24,10,"jerusalem, israel",hebrew2,hebrew,male,203,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew2.wav +1148,33,8,"haifa, israel",hebrew3,hebrew,male,204,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tix 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hebrew3.wav +1149,20,9,"haifa, israel",hebrew4,hebrew,female,205,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew4.wav +1150,23,10,"netanya, israel",hebrew5,hebrew,male,206,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/hebrew5.wav +1151,33,9,"rishon, israel",hebrew6,hebrew,female,411,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fake slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/hebrew6.wav +1152,52,12,"jerusalem, israel",hebrew7,hebrew,male,941,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew7.wav +1153,28,7,"jerusalem, israel",hebrew8,hebrew,male,1074,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for a brother Bob. We also in this small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew8.wav +1154,23,4,"petah-tiqwa, israel",hebrew9,hebrew,male,1725,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hebrew9.wav +1155,27,2,"nagpur, maharashtra, india",hindi1,hindi,male,207,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas 5-6 laps or blue cheese and maybe a snack of snack for her brother Bob.,recordings/wav/hindi1.wav +1156,19,10.5,"new delhi, india",hindi10,hindi,female,1202,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi10.wav +1157,20,4,"chandigarh, india",hindi11,hindi,male,1437,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hindi11.wav +1158,25,4,"allahabad, india",hindi12,hindi,female,1440,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/hindi12.wav +1159,43,13,"jaipur, india",hindi13,hindi,female,1633,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","These calls Tele ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kid.",recordings/wav/hindi13.wav +1160,53,12,"new delhi, india",hindi14,hindi,male,1697,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, tabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi14.wav +1161,23,1,"new delhi, india",hindi15,hindi,female,1794,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi15.wav +1162,25,5,"new delhi, india",hindi16,hindi,male,1966,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 bowls of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wetness day at the train station.,recordings/wav/hindi16.wav +1163,47,3,"new delhi, india",hindi17,hindi,female,1988,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi17.wav +1164,21,5,"new delhi, india",hindi18,hindi,female,2125,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi18.wav +1165,31,3,"hyderabad, india",hindi2,hindi,male,587,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi2.wav +1166,42,5,"jalandhar, india",hindi3,hindi,male,593,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hindi3.wav +1167,28,14,"bhilwara, rajisthan, india",hindi4,hindi,female,765,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi4.wav +1168,64,10,"hubballi, karnataka, india",hindi5,hindi,female,845,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi5.wav +1169,27,4,"new delhi, india",hindi6,hindi,female,866,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She get scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi6.wav +1170,60,5,"allahabad, utter pardesh, india",hindi7,hindi,female,867,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi7.wav +1171,19,8,"imphal, india",hindi8,hindi,male,910,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, fojtik slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hindi8.wav +1172,31,4,"durgapur, west bengal, india",hindi9,hindi,male,1017,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi9.wav +1173,62,6,"ghazi, pakistan",hindko1,hindko,male,582,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindko1.wav +1174,35,7,"louangphabang, laos",hmong1,hmong,male,2044,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hmong1.wav +1175,47,11.5,"long tieng, laos",hmong2,hmong,male,2045,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh spoon snow Peas, Fire takes labs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hmong2.wav +1176,22.5,20,"cegled, hungary",hungarian1,hungarian,female,209,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/hungarian1.wav +1177,22,8,"clug, romania",hungarian2,hungarian,female,210,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hungarian2.wav +1178,34,8,"brasov, romania",hungarian3,hungarian,male,211,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/hungarian3.wav +1179,26,5,"szeged, hungary",hungarian4,hungarian,male,594,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/hungarian4.wav +1180,29,27,"budapest, hungary",hungarian5,hungarian,female,846,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest snow peas fight. Take flaps or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/hungarian5.wav +1181,38,14,"budapest, hungary",hungarian6,hungarian,female,880,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/hungarian6.wav +1182,57,17,"budapest, hungary",hungarian7,hungarian,female,1139,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hungarian7.wav +1183,86,86,"pinkoc, hungary",hungarian8,hungarian,female,1298,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",The school Stella ask her to bring these things which are from the store.,recordings/wav/hungarian8.wav +1184,73,15,"budapest, hungary",hungarian9,hungarian,male,2018,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hungarian9.wav +1185,52,3,"uyo, akwa ibom, nigeria",ibibio1,ibibio,male,1184,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ibibio1.wav +1186,45,4,"abak, akwa ibom, nigeria",ibibio2,ibibio,female,1185,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ibibio2.wav +1187,36,6,"lagos, nigeria",ibibio3,ibibio,male,1691,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ibibio3.wav +1188,21,11,"reykjavik, iceland",icelandic1,icelandic,male,422,iceland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/icelandic1.wav +1189,43,12,"akranes, iceland",icelandic2,icelandic,female,665,iceland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Esker to bring these things with her from the store. 6 pounds of fresh snow peas, 5 tax slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/icelandic2.wav +1190,36,20,"reykjavik, iceland",icelandic3,icelandic,female,814,iceland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.",recordings/wav/icelandic3.wav +1191,30,12,"lome, togo",ife1,ife,male,1821,togo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ife1.wav +1192,23,12,"imo state, imo state, nigeria",igbo1,igbo,female,212,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call. Stella has had to bring these things with her from this term. Teaspoons of fresh snow peas, firestick stab for blue cheese and maybe a snap of her brothers verb. We also need a small plastic snaps and.",recordings/wav/igbo1.wav +1193,65,14,"kafanchan, nigeria",igbo2,igbo,male,760,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/igbo2.wav +1194,35,5,"lagos, nigeria",igbo3,igbo,male,1040,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things for with her from the store.,recordings/wav/igbo3.wav +1195,53,7,"bago city, philippines",ilonggo1,ilonggo,female,1902,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/ilonggo1.wav +1196,31,13,"jakarta, indonesia",indonesian1,indonesian,male,213,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from Store 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe snag for her brother Bob. We also need a small plastic and snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.,recordings/wav/indonesian1.wav +1197,18,13,"jakarta, indonesia",indonesian2,indonesian,male,214,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/indonesian2.wav +1198,32,13,"jakarta, indonesia",indonesian3,indonesian,female,215,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy from for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/indonesian3.wav +1199,30,10,"jakarta, indonesia",indonesian4,indonesian,female,216,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella also to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. Sick and scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/indonesian4.wav +1200,29,7,"jakarta, indonesia",indonesian5,indonesian,male,1054,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/indonesian5.wav +1201,20,8,"jakarta, indonesia",indonesian6,indonesian,male,1309,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh no peace. 5 flick slabs of blue cheese and maybe snag for her brother Bob.,recordings/wav/indonesian6.wav +1202,45,12,"kediri, java, indonesia",indonesian7,indonesian,female,1496,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring this thing with her from the store. 6 spoon of the phrase luppis. 5 thick slip of the booties and maybe snag for her brother pop. We also need small plastic snake and the big toy fork for the kid. She can scoop this thing into 3 red bag and we will go meet her Wednesday at the train station.,recordings/wav/indonesian7.wav +1203,32,14,"jakarta, indonesia",indonesian8,indonesian,male,1775,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pools of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frogs for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/indonesian8.wav +1204,28,3,"dublin, ireland",irish1,irish,male,1762,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/irish1.wav +1205,29,22,"carbonia, italy",italian1,italian,female,217,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing these things to her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for a kids. She can scoop these things into 3 red bags and we will go. We will go met her Wednesday at the train station.",recordings/wav/italian1.wav +1206,48,12,"palermo, italy",italian10,italian,male,627,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella escalate to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian10.wav +1207,30,18,"cagliari, italy",italian11,italian,male,641,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fat thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go matter Wednesday at the train station.",recordings/wav/italian11.wav +1208,38,14,"bellinzona, switzerland",italian12,italian,female,681,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian12.wav +1209,20,8,"enna, italy",italian13,italian,male,733,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/italian13.wav +1210,20,8,"cosenza, italy",italian14,italian,male,761,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with their from the store.,recordings/wav/italian14.wav +1211,48,15,"forli, italy",italian15,italian,male,839,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian15.wav +1212,40,14,"mantua, italy",italian16,italian,male,942,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/italian16.wav +1213,28,14,"turin, italy",italian17,italian,male,995,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with arrow from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe as an anchor for her brother Bob. We also need a small plastic snake in a big toy frog for decades.",recordings/wav/italian17.wav +1214,20,8,"grugliasco, italy",italian18,italian,male,1043,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go study. I scared bring these things with our from the store's experience of Fresno peers. 5 thick slabs of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy throw for the kids. She can scoop this things into free red bags and we will go meal her Wednesday at the train station.",recordings/wav/italian18.wav +1215,19,11,"rome, italy",italian19,italian,male,1114,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the source. Sweet spoons of fresh new PS. Five thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in through three red bags and we will go meet her wetness day at the train station.,recordings/wav/italian19.wav +1216,46,18,"caltanissetta, sicily, italy",italian2,italian,male,218,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things. Wed her from the story. 6 spoons of fresh snow piece. Fight five think slabs of blue cheese and maybe a snack for her brother Bob. We also need.,recordings/wav/italian2.wav +1217,32,15,"naples, italy",italian20,italian,male,1123,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring the things out with her from the store. 6 spoon of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian20.wav +1218,42,20,"trento, italy",italian21,italian,male,1124,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian21.wav +1219,23,6,"teramo, italy",italian22,italian,male,1175,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed labs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three bread bags and we will go meet every Wednesday at the train station.",recordings/wav/italian22.wav +1220,34,14,"cuneo, italy",italian23,italian,female,1177,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight fake slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/italian23.wav +1221,23,6,"milan, italy",italian24,italian,female,1406,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the store. 6 spoons of Rush now. PS 5-6 slabs of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy drop for the kids she can scoop.",recordings/wav/italian24.wav +1222,40,3.5,"wiesbaden, germany",italian25,italian,male,1322,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a toy, a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian25.wav +1223,49,11,"siracusa, sicily, italy",italian26,italian,male,1489,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Huskers to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian26.wav +1224,33,10,"milan, italy",italian27,italian,female,1543,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/italian27.wav +1225,25,6,"rome, italy",italian28,italian,male,1679,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/italian28.wav +1226,21,8,"trieste, italy",italian29,italian,female,1686,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 pins of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy for for the kids. She can skip these things into the red bags and we will go meet her at Wednesday at a train station.",recordings/wav/italian29.wav +1227,55,21,"florence, italy",italian3,italian,male,219,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wensley at the train station.",recordings/wav/italian3.wav +1228,23,11,"bologna, italy",italian30,italian,male,1741,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of Fresno Piece 5 ****. Slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/italian30.wav +1229,59,23,"naples, italy",italian31,italian,female,1976,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the start. Six spoons of fresh snow peas, 5 fix labs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. Chicken scooped these things into trailhead bags and we will go meet her Wednesday at train station.",recordings/wav/italian31.wav +1230,49,14,"sardinia, italy",italian32,italian,male,1984,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her from the store.,recordings/wav/italian32.wav +1231,78,50,"bitonto, italy",italian33,italian,female,2020,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/italian33.wav +1232,47,11,"cremona, italy",italian4,italian,female,220,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons or Fresno piece. 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy. Drop off the kids. She can scoop these things into treated bags and we will go meet her Wednesday at the train station.,recordings/wav/italian4.wav +1233,52,25,"vicenza, veneto, italy",italian5,italian,male,440,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 pools of fresh snow peas, but thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She got scooped these things into triggered bags and we will go meter Wednesday at the train station.",recordings/wav/italian5.wav +1234,32,15,"naples, italy",italian6,italian,female,473,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday afternoon train station.",recordings/wav/italian6.wav +1235,24,8,"naples, italy",italian7,italian,male,553,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also in a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/italian7.wav +1236,43,10,"bari, italy",italian8,italian,male,589,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian8.wav +1237,18,8,"turin, italy",italian9,italian,male,619,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please cost Oscar to take these things with her friend. Store 6 pounds of fresh snow bears 5-6 laps of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.,recordings/wav/italian9.wav +1238,25,12,"tokyo, japan",japanese1,japanese,female,221,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow. Period 5-6,recordings/wav/japanese1.wav +1239,26,12,"hakodate, japan",japanese10,japanese,female,827,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her. From this door. 6 spoons of rational piece, 5-6 loaves of bread, cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and then we will go to go meet her Wednesday at the train station.",recordings/wav/japanese10.wav +1240,29,13,"toyama, japan",japanese11,japanese,female,1046,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. She explains of fresh snow peas, while thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese11.wav +1241,36,12,"tokyo, japan",japanese12,japanese,male,1365,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Preschool stera ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 flats or booties and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into three LED bags and we will go meet her Wednesday at South Train station.",recordings/wav/japanese12.wav +1242,28,11,"gunma, japan",japanese13,japanese,male,1381,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/japanese13.wav +1243,37,12,"akashi, japan",japanese14,japanese,female,1382,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/japanese14.wav +1244,45,12,"osaka, japan",japanese15,japanese,male,1521,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno piece. 5 fix loves blue cheese and maybe your snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/japanese15.wav +1245,25,3,"clark field, philippines",japanese16,japanese,female,1537,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her win. See at the train station.",recordings/wav/japanese16.wav +1246,44,13,"nara, japan",japanese17,japanese,female,1610,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please 'cause there ask her to bring a distinct with her from the store. 6 spoons of fresh snow pea, 5 ticks reps of blue cheese, and maybe a snack for her brother above. We also need a small plastic snack and the big toy frog for the kids. She can scoop these things into three dead bugs and we will. We will go meet her.",recordings/wav/japanese17.wav +1247,52,13,"kyoto, japan",japanese18,japanese,female,1626,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/japanese18.wav +1248,57,13,"naha, japan",japanese19,japanese,female,1684,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue Tees and maybe a snack.",recordings/wav/japanese19.wav +1249,27,12,"tokyo, japan",japanese2,japanese,female,222,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Sarah. Ask her to bring these things with her from the store. 6 springs of fresh snow peas, 5-6 slabs or blue cheese and maybe a snack for her brother bought. We also need a small plastics snake and big toy for frog for the kids chicken scoop these things into three little bugs and we will go meet her Wednesday at the train station.",recordings/wav/japanese2.wav +1250,21,14,"yokosuka, japan",japanese20,japanese,male,1833,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her.",recordings/wav/japanese20.wav +1251,53,13,"tokyo, japan",japanese21,japanese,female,1847,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/japanese21.wav +1252,69,12,"ashiya, japan",japanese22,japanese,female,1881,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese22.wav +1253,24,5,"kawasaki, japan",japanese23,japanese,male,1942,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother, brother Bob. We also ask a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags as we go. Meet her Wednesday at the train station.",recordings/wav/japanese23.wav +1254,40,13,"tokyo, japan",japanese24,japanese,female,1948,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix raft of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kid. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/japanese24.wav +1255,52,13,"kyoto, japan",japanese25,japanese,female,1987,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese25.wav +1256,44,13,"yokosuka, japan",japanese26,japanese,female,1991,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids.",recordings/wav/japanese26.wav +1257,21,13,"tokyo, japan",japanese27,japanese,female,2123,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go Stella ask her, do ask her to bring these things with her, with her from the store's expensive personal piece, 5-6 laps of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her with Wednesday at train station.",recordings/wav/japanese27.wav +1258,49,12,"kofu, yamanashi prefecture, japan",japanese3,japanese,female,223,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/japanese3.wav +1259,20,15,"tokyo, japan",japanese4,japanese,male,224,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",But his core said Stella asked her to bring these things with her from the store. She could spend of fresh snow. Snow Peas 5 have tick.,recordings/wav/japanese4.wav +1260,25,12,"chiba, japan",japanese5,japanese,female,225,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese.",recordings/wav/japanese5.wav +1261,30,10,"kawasaki, japan",japanese6,japanese,female,226,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She king scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/japanese6.wav +1262,18,12,"osaka, japan",japanese7,japanese,male,227,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese7.wav +1263,25,12,"tokyo, japan",japanese8,japanese,male,486,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese8.wav +1264,24,13,"yokohama, japan",japanese9,japanese,male,543,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring their things with her from the store. 6 springs of fresh snow peas, 5 fix, lots of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese9.wav +1265,34,16,"ziguinchor, senegal",jola1,jola,male,784,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh Snow Peach, 5 slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/jola1.wav +1266,26,12,"algiers, algeria",kabyle1,kabyle,female,1190,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring best things for her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob will also need a small plastic snack and big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kabyle1.wav +1267,30,9,"francistown, botswana",kalanga1,kalanga,male,1182,botswana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ***** slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tree frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kalanga1.wav +1268,36,9,"hosanna, ethiopia",kambaata1,kambaata,male,978,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police call Estella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, and then maybe snipe for her brother Bob.",recordings/wav/kambaata1.wav +1269,51,7,"durame, ethiopia",kambaata2,kambaata,male,1002,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/kambaata2.wav +1270,54,8,"hosanna, ethiopia",kambaata3,kambaata,male,1033,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons for of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bag and we will go meet her within this day at the train station.,recordings/wav/kambaata3.wav +1271,26,5,"bangalore, india",kannada1,kannada,female,228,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from us from the store. 6 bones of fresh snow peas fight thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snack and a big toy for for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/kannada1.wav +1272,48,6,"kaduna, nigeria",kanuri1,kanuri,female,1049,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as hard to bring these things with her from the store.,recordings/wav/kanuri1.wav +1273,18,9,"semey, kazakhstan",kazakh1,kazakh,male,229,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 labs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tough rock for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at a train station.",recordings/wav/kazakh1.wav +1274,22,6,"almaty, kazakhstan",kazakh2,kazakh,male,1234,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic snake and victory for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/kazakh2.wav +1275,49,30,"almaty, kazakhstan",kazakh3,kazakh,female,1763,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow peas 5-6 laps or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet here Wednesday at the train station.,recordings/wav/kazakh3.wav +1276,21,16,"phnom penh, cambodia",khmer1,khmer,female,230,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police caught Stella asked her to bring these things with her from the store 6 spoon of fresh snow peas, fightstick, slap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy drop for the kids. She can group these things into the three red bags and we will go meet. Meet her.",recordings/wav/khmer1.wav +1277,19,16,"phnom penh, cambodia",khmer2,khmer,male,231,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls dinner. Ask her to bring this thing with her from the store. 6 spoon of fresh snow pea, firestick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frogs for the kid. She can't scope this thing into 3 red bag and we will go meet her Wednesday at the train station.",recordings/wav/khmer2.wav +1278,46,25,"baling, kampongthum, cambodia",khmer3,khmer,male,232,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring the sting with her from the store. Said spoon of Fresno piece 5 thick slab of blue cheese and maybe a snack for broader Bob.,recordings/wav/khmer3.wav +1279,31,16,"phnom penh, cambodia",khmer4,khmer,male,1087,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/khmer4.wav +1280,47,25,"kampong speu, cambodia",khmer5,khmer,male,1609,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/khmer5.wav +1281,20,4,"auburn, australia",khmer6,khmer,female,1669,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 springs of fresh snow peas by thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/khmer6.wav +1282,56,25,"siem reap, cambodia",khmer7,khmer,male,1911,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store.,recordings/wav/khmer7.wav +1283,19,16,"new orleans, louisiana, usa",kikongo1,kikongo,male,464,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kikongo1.wav +1284,56,28,"kimulaza, uige, angola",kikongo2,kikongo,male,1031,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kikongo2.wav +1285,48,5,"nairobi, kenya",kikuyu1,kikuyu,male,466,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK, please call Sarah.",recordings/wav/kikuyu1.wav +1286,50,7,"kerugoya, kenya",kikuyu2,kikuyu,male,1155,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store. 6 spoons of recipes 5 ***** labs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/kikuyu2.wav +1287,45,5,"nairobi, kenya",kikuyu3,kikuyu,female,1156,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack under big toy frog for the kids. She can scoop these things into 3 red bugs and we will go meet her Wednesday at the train station.",recordings/wav/kikuyu3.wav +1288,23,4,"nairobi, kenya",kikuyu4,kikuyu,female,1790,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this dog. Six spoons of fresh snow peas, thick, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We may. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things up into three redbuds and we will go meet her Wednesday at the team train station.",recordings/wav/kikuyu4.wav +1289,32,28,"bishkek, kyrgyzstan",kirghiz1,kirghiz,female,233,kyrgyzstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the store. 6 pounds of fresh snow peas, five things, slabs of blue cheese, and maybe a snack for her brother. But we also need the small plastic snack and a big toy frog for the kids. She she can scoop those things in into threw it back.",recordings/wav/kirghiz1.wav +1290,22,6,"dar-es-salaam, tanzania",kiswahili1,kiswahili,male,234,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her bring these things with her from the store. 6 pounds of fresh snow peas, five thing fixed, lab of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kiswahili1.wav +1291,28,16,"kigoma, tanzania",kiswahili2,kiswahili,male,235,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring thing these things with her from the store. 6 spoon of fresh Snow peas, 5-6 slab of brooches and maybe a snack for her brother Bob.",recordings/wav/kiswahili2.wav +1292,29,6,"nairobi, kenya",kiswahili3,kiswahili,male,236,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/kiswahili3.wav +1293,36,34,"goma, north kivu, democratic republic of congo",kiswahili4,kiswahili,male,237,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snack and a big toy from for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kiswahili4.wav +1294,56,4,"tanga, tanzania",kiswahili5,kiswahili,female,877,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/kiswahili5.wav +1295,32,8,"dar-es-salaam, tanzania",kiswahili6,kiswahili,female,887,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring the things with her from the store.,recordings/wav/kiswahili6.wav +1296,52,5,"dar-es-salaam, tanzania",kiswahili7,kiswahili,female,934,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kiswahili7.wav +1297,42,3,"nyeri, kenya",kiswahili8,kiswahili,female,1041,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/kiswahili8.wav +1298,50,13,"tanga, tanzania",kiswahili9,kiswahili,male,1146,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/kiswahili9.wav +1299,38,6,"hyderabad, andhra pradesh, india",konkani1,konkani,female,438,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/konkani1.wav +1300,29,13,"ui jong bu, south korea",korean1,korean,male,238,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 springs of fresh she's no peace. 5 thick slabs.,recordings/wav/korean1.wav +1301,34,13,"kwangju, south korea",korean10,korean,male,483,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella's court to bring these things without help from the store. 6 spoon of fresh snow peas.,recordings/wav/korean10.wav +1302,26,14,"seoul, south korea",korean11,korean,male,559,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things without from the store. 6 pounds of fresh snow peas, 5 big slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/korean11.wav +1303,31,31,"sokcho, south korea",korean12,korean,male,608,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. Six response of fresh snow peers. Pipe T.,recordings/wav/korean12.wav +1304,50,12,"pusan, south korea",korean13,korean,female,759,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/korean13.wav +1305,22,8,"kota kinabalu, malaysia",korean14,korean,female,892,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ***** laughs, or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/korean14.wav +1306,42,40,"pusan, south korea",korean15,korean,male,1005,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella S code to bring these things with her from the store.,recordings/wav/korean15.wav +1307,30,13,"nonsan, south korea",korean16,korean,female,1006,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Preschool Stella Escort to bring these things with her from the store. 6 pounds of fresh snow peas, 5 feet slaps or blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet or Wednesday at the train station.",recordings/wav/korean16.wav +1308,21,8,"cheju-do, south korea",korean17,korean,male,1007,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella escalate to bring these things with her from the store. She explains of fresh snow piece 5-6 slabs or blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy for for the kids.",recordings/wav/korean17.wav +1309,25,7,"seoul, south korea",korean18,korean,male,1117,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean18.wav +1310,21,14,"seoul, south korea",korean19,korean,female,1118,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Political Stella's call to bring these things with the help from the store.,recordings/wav/korean19.wav +1311,23,14,"taegu, south korea",korean2,korean,female,239,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Esco to bring these things with her from the store. 6 Spoons operational piece by piece left the blue Tees and maybe a snack for her brother Bob.,recordings/wav/korean2.wav +1312,58,13,"inchon, south korea",korean20,korean,female,1126,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean20.wav +1313,21,12,"ulsan, south korea",korean21,korean,male,1142,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I scared to bring these things with her from the store.,recordings/wav/korean21.wav +1314,19,8,"inchon, south korea",korean22,korean,female,1145,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons or fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kiss. She could scoop. This thing should do three redbacks and would go meet her Wednesday at the train station.,recordings/wav/korean22.wav +1315,49,12,"seoul, south korea",korean23,korean,female,1196,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring.,recordings/wav/korean23.wav +1316,42,13,"seoul, south korea",korean24,korean,male,1370,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 spoons of fresh snow peas fiber, 6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kid.",recordings/wav/korean24.wav +1317,34,12,"anseong, kyong gi, south korea",korean25,korean,female,1386,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peace pipe. Thick slabs are blue Tees and maybe a snack for her brother bug. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red beds.,recordings/wav/korean25.wav +1318,23,21,"seoul, south korea",korean26,korean,male,1507,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three redbacks and we will go meet her Wednesday at the train station.,recordings/wav/korean26.wav +1319,51,14,"haenam, south korea",korean27,korean,male,1624,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/korean27.wav +1320,62,13,"seoul, south korea",korean28,korean,female,1663,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask. Ask her to bring these things with her from the store. 66 pounds of fresh snow phase five thick server over blue cheese and maybe maybe a snack for her brother Bob.,recordings/wav/korean28.wav +1321,19,8,"masan, south korea",korean29,korean,female,1687,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons for a fresh snow peas 5 thick slabs of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/korean29.wav +1322,19,17,"seoul, south korea",korean3,korean,female,240,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring this thing with her from the source explained of fresh Now please 5-6 left.,recordings/wav/korean3.wav +1323,49,14,"seoul, south korea",korean30,korean,female,1690,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things video from the store. 6 Spoons or Boo. Fresh snow peas, fiber thick slab of blue cheese.",recordings/wav/korean30.wav +1324,18,7,"seoul, south korea",korean31,korean,female,1696,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 ***** lapse of blue cheese and maybe a snack for brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the.,recordings/wav/korean31.wav +1325,35,28,"seoul, south korea",korean32,korean,female,1715,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring.,recordings/wav/korean32.wav +1326,30,13,"seongnam, south korea",korean33,korean,female,1722,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 fix less of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the keys. She can scoop these things into. 3 red bags will go meet her Wednesday at the train station.,recordings/wav/korean33.wav +1327,20,11,"seoul, south korea",korean34,korean,female,1814,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/korean34.wav +1328,48,12,"kwangju, south korea",korean35,korean,male,1815,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Praise 'cause they learn. Ask her to bring this thing with the hope from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/korean35.wav +1329,51,12,"taegu, south korea",korean36,korean,female,1838,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of a fresh snowpeas 5 thick slabs of a blue cheese and maybe a snack for her brother Bob.,recordings/wav/korean36.wav +1330,27,14,"seoul, south korea",korean37,korean,female,1843,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this or six spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother bath. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will we will go meet her Wednesday at the train station.,recordings/wav/korean37.wav +1331,25,10,"inchon, south korea",korean38,korean,male,1848,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Escort to bring these things with her from the store.,recordings/wav/korean38.wav +1332,55,14,"pusan, south korea",korean39,korean,male,1862,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Sarah. Asked her bring these things with her from the store. 6 spoon for fresh snow peas. The fight takes life of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake.,recordings/wav/korean39.wav +1333,29,15,"seoul, south korea",korean4,korean,female,241,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/korean4.wav +1334,21,17,"seoul, south korea",korean40,korean,female,1943,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things were from the store, 6 spoons of fresh snow peas, 5 thick slabs with blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/korean40.wav +1335,50,12,"seoul, south korea",korean41,korean,female,1946,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her blood above. We also need a small plastic snack and a big toy proc for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean41.wav +1336,26,3,"bayside, new york, usa",korean42,korean,male,1950,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, peas.",recordings/wav/korean42.wav +1337,20,13,"taejon, south korea",korean43,korean,male,1952,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/korean43.wav +1338,49,14,"inchon, south korea",korean44,korean,male,1971,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Ball. We also need your small plastic snake and big toy flower for the kids.",recordings/wav/korean44.wav +1339,28,13,"inchon, south korea",korean45,korean,male,1982,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake and a big toy frog for the keys. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean45.wav +1340,21,21,"seoul, south korea",korean46,korean,female,2015,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slaves or blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean46.wav +1341,23,10,"seoul, south korea",korean47,korean,male,2058,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for her kids.",recordings/wav/korean47.wav +1342,32,27,"seoul, south korea",korean48,korean,male,2075,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella at school to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe it's not full whole brother, but we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet or Wednesday at the train station.",recordings/wav/korean48.wav +1343,22,7,"an yang, south korea",korean49,korean,female,2098,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Play Scarsella escort to bring these things with her from the store. 6 Bones offers no peace. 5-6 lives of blue cheese and maybe a snake for brother Bob. We also need a small plastic snakes and a big toy for the kids.,recordings/wav/korean49.wav +1344,50,12,"seoul, south korea",korean5,korean,female,242,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas 5 stay up five sticks lapse of blue cheese and maybe a snake of her brother Bob. We also need a small plastic snake.,recordings/wav/korean5.wav +1345,57,13,"taejon, south korea",korean50,korean,female,2133,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of a fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for it. Brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/korean50.wav +1346,25,16,"seoul, south korea",korean51,korean,male,2134,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 **** slaps approved blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/korean51.wav +1347,40,12,"seoul, south korea",korean52,korean,male,2158,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet Wednesday at the train station.",recordings/wav/korean52.wav +1348,21,12,"sunchun, south korea",korean6,korean,female,243,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police, called Seller, asked to grindy things with our producer. Six friends of fresh New Piece 5 fix lapse of blue cheese and maybe a snake for brother Bob. We also need a small plastic and a big toy for for the kids. She can skip these things into 3 red bags and will commit area stay at the train station.",recordings/wav/korean6.wav +1349,32,10,"seoul, south korea",korean7,korean,male,244,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/korean7.wav +1350,39,13,"seoul, south korea",korean8,korean,female,452,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/korean8.wav +1351,34,12,"taejon, south korea",korean9,korean,male,474,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with it from the store. 6 spoons of fresh snow peas, 5-6 tabs of blue cheese, and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and will go meet on Wednesday at the train station.",recordings/wav/korean9.wav +1352,46,5,"freetown, sierra leone",krio1,krio,female,245,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go steal it. Ask her to build these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/krio1.wav +1353,26,5,"freetown, sierra leone",krio2,krio,male,431,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask how to bring things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs with blue cheese and maybe a snack for her brother bath snake. We also need a small plastic.",recordings/wav/krio2.wav +1354,21,5,"freetown, sierra leone",krio3,krio,female,1095,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/krio3.wav +1355,48,7,"freetown, sierra leone",krio4,krio,female,1106,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things.,recordings/wav/krio4.wav +1356,36,6,"freetown, sierra leone",krio5,krio,male,1140,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stalin asks her to bring those things with her for the stock 6 pounds of fresh snow Peas 5 takes slab of blue cheese and maybe a snack for a border bulb. We also need a small plastic snack and a big toy flag from the kids. She can scoop those things into triggered bag and we will go meet a Wednesday added.,recordings/wav/krio5.wav +1357,26,3,"freetown, sierra leone",krio6,krio,female,2031,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a broader bulb. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in three get bags and we also we and we will go meet.",recordings/wav/krio6.wav +1358,52,4,"margibi, liberia",kru1,kru,female,1760,liberia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the stove. 6 pounds of fresh snow peas. 5 takes lives of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/kru1.wav +1359,24,15,"arbil, iraq",kurdish1,kurdish,male,246,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this things with her from this store. 6 spoons of fresh snow. Pierce 5 takes slabs slabs.,recordings/wav/kurdish1.wav +1360,37,30,"sulaymaniyah, iraq",kurdish10,kurdish,male,1767,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call sterling. Ask her to bring.,recordings/wav/kurdish10.wav +1361,50,10,"hawler, kurdistan, iraq",kurdish2,kurdish,male,669,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these ink with help from the stool, 6 spoons of the fresh Snow pea 5 stick, slap of blue cheese and maybe snag for her, her brother Bob. We also need small plastic. It's not and big toy frog for the kid. She can scoop these things into 3 red bag and all go meet her Wednesday at train station.",recordings/wav/kurdish2.wav +1362,33,12,"sulaymaniyah, iraq",kurdish3,kurdish,female,809,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call City LA as they care to bring these things with her from the store. 6 spoons of fresh Snow peas 5 sticks laps.,recordings/wav/kurdish3.wav +1363,30,9,"kirkuk, iraq",kurdish4,kurdish,male,1098,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kurdish4.wav +1364,32,11,"sulaymaniyah, iraq",kurdish5,kurdish,male,1180,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things from with her from the store. 6 spoons of fresh snow pea. 5 thick slabs of blue cheese.,recordings/wav/kurdish5.wav +1365,57,11,"sulaymaniyah, iraq",kurdish6,kurdish,female,1197,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 thick.,recordings/wav/kurdish6.wav +1366,29,13,"sanandaj, iran",kurdish7,kurdish,male,1318,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kurdish7.wav +1367,55,39,"sulaymaniyah, iraq",kurdish8,kurdish,female,1731,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring these things with her.,recordings/wav/kurdish8.wav +1368,57,40,"sulaymaniyah, iraq",kurdish9,kurdish,male,1766,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Sheila.,recordings/wav/kurdish9.wav +1369,30,13,"leworook, nusa tenggara, indonesia",lamaholot1,lamaholot,male,247,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/lamaholot1.wav +1370,38,14,"lamotrek island, federated states of micronesia",lamotrekese1,lamotrekese,male,432,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/lamotrekese1.wav +1371,19,12,"savannakhet, laos",lao1,lao,female,248,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/lao1.wav +1372,25,21,"vientiane, laos, ",lao2,lao,female,249,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/lao2.wav +1373,52,20,"pakxe, laos",lao3,lao,male,2007,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring those thing with her from Store 6 full of fish, no peace.",recordings/wav/lao3.wav +1374,24,13,"riga, latvia",latvian1,latvian,female,250,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.,recordings/wav/latvian1.wav +1375,70,11,"riga, latvia",latvian2,latvian,female,964,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/latvian2.wav +1376,19,5,"riga, latvia",latvian3,latvian,female,1845,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spins of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/latvian3.wav +1377,37,30,"kinshasa, democratic republic of congo",lingala1,lingala,male,1158,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/lingala1.wav +1378,27,24,"klaipeda, lithuania",lithuanian1,lithuanian,female,251,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call still ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tour frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/lithuanian1.wav +1379,34,32,"vilnius, lithuania",lithuanian2,lithuanian,female,459,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/lithuanian2.wav +1380,22,8,"kaunas, lithuania",lithuanian3,lithuanian,female,596,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store, 6 spoons of her snow peas, fojtik slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this fix into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/lithuanian3.wav +1381,23,12,"klaipeda, lithuania",lithuanian4,lithuanian,female,816,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from. The store seeks spoons of fresh snow peas, 5 peak slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/lithuanian4.wav +1382,24,9,"klaipeda, lithuania",lithuanian5,lithuanian,female,1267,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog frog. The kids, the.",recordings/wav/lithuanian5.wav +1383,21,10,"visaginas, lithuania",lithuanian6,lithuanian,female,1465,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/lithuanian6.wav +1384,42,12,"siaya, kenya",luo1,luo,male,252,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/luo1.wav +1385,33,5,"maseno, kenya",luo2,luo,female,484,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/luo2.wav +1386,54,12,"luxembourg, luxembourg",luxembourgeois1,luxembourgeois,female,1296,luxembourg,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet her Wednesday at the train station.",recordings/wav/luxembourgeois1.wav +1387,19,11,"ohrid, macedonia",macedonian1,macedonian,male,253,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/macedonian1.wav +1388,20,10,"skopje, macedonia",macedonian10,macedonian,female,1590,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian10.wav +1389,20,8,"skopje, macedonia",macedonian11,macedonian,female,1591,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and he will go meet her Wednesday at the train station.",recordings/wav/macedonian11.wav +1390,20,10,"skopje, macedonia",macedonian12,macedonian,female,1592,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 Bruins of fresh Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy.,recordings/wav/macedonian12.wav +1391,20,8,"skopje, macedonia",macedonian13,macedonian,female,1593,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian13.wav +1392,20,9,"skopje, macedonia",macedonian14,macedonian,female,1594,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/macedonian14.wav +1393,20,10,"skopje, macedonia",macedonian15,macedonian,female,1595,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop. This stinks into tree red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian15.wav +1394,20,5,"skopje, macedonia",macedonian16,macedonian,female,1596,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will get go. Meet her Wednesday at the train station.",recordings/wav/macedonian16.wav +1395,24,6,"skopje, macedonia",macedonian17,macedonian,male,1597,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from for the kids. She can scoop these things into 3 red bags and we will go meet her from Wednesday at the train station.",recordings/wav/macedonian17.wav +1396,20,5,"skopje, macedonia",macedonian18,macedonian,female,1601,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian18.wav +1397,22,10,"skopje, macedonia",macedonian19,macedonian,male,1602,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian19.wav +1398,24,15,"stip, macedonia",macedonian2,macedonian,male,888,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar for ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snack.",recordings/wav/macedonian2.wav +1399,19,10,"skopje, macedonia",macedonian20,macedonian,female,1603,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/macedonian20.wav +1400,19,12,"skopje, macedonia",macedonian21,macedonian,female,1604,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into the into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian21.wav +1401,21,8,"skopje, macedonia",macedonian22,macedonian,female,1605,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and then we'll go meet her Wednesday at the train station.",recordings/wav/macedonian22.wav +1402,20,11,"skopje, macedonia",macedonian23,macedonian,female,1606,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian23.wav +1403,20,7,"skopje, macedonia",macedonian24,macedonian,female,1607,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian24.wav +1404,20,9,"skopje, macedonia",macedonian25,macedonian,female,1608,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons. The Fresno Piece 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/macedonian25.wav +1405,29,11,"ohrid, macedonia",macedonian26,macedonian,male,2014,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian26.wav +1406,24,11,"stip, macedonia",macedonian3,macedonian,male,948,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls tell Oscar to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/macedonian3.wav +1407,21,11,"stip, macedonia",macedonian4,macedonian,male,949,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring these things with her from the store. 6 Sponsor offers shop please five things. Sloughs off of blue cheese and maybe snacks for her brother Bob. We also need a small practice snake and a big toy frog for the kids she can.,recordings/wav/macedonian4.wav +1408,19,11,"skopje, macedonia",macedonian5,macedonian,female,1585,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/macedonian5.wav +1409,19,9,"skopje, macedonia",macedonian6,macedonian,male,1586,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake for in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian6.wav +1410,19,10,"skopje, macedonia",macedonian7,macedonian,female,1587,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday and the train station.",recordings/wav/macedonian7.wav +1411,20,8,"skopje, macedonia",macedonian8,macedonian,male,1588,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian8.wav +1412,19,10,"skopje, macedonia",macedonian9,macedonian,female,1589,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 bags through red bags and we will go meet her Wednesday at the train station.,recordings/wav/macedonian9.wav +1413,44,20,"antananarivo, madagascar",malagasy1,malagasy,male,1354,madagascar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring their things with a form of store sixpences of Fresno's penises.,recordings/wav/malagasy1.wav +1414,28,3,"kuala lumpur, malaysia",malay1,malay,female,254,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/malay1.wav +1415,22,5,"kuching, sarawak, malaysia",malay2,malay,male,1194,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/malay2.wav +1416,43,6,"seremban, negeri sembilan, malaysia",malay3,malay,female,1497,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/malay3.wav +1417,21,8,"kuala lumpur, malaysia",malay4,malay,female,1503,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/malay4.wav +1418,19,3,"kuala lumpur, malaysia",malay5,malay,male,1670,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Asset to Randy sings with her from the store. 6 spoons are fresh snow peas, 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy truck for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/malay5.wav +1419,24,5,"kerala state, kerala state, india",malayalam1,malayalam,male,255,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/malayalam1.wav +1420,29,5,"trivandrum, kerala, india",malayalam2,malayalam,female,592,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/malayalam2.wav +1421,19,3.5,"bangalore, india",malayalam3,malayalam,female,1780,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/malayalam3.wav +1422,18,3,"dubai, united arab emirates",malayalam4,malayalam,female,1857,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/malayalam4.wav +1423,30,4,"mosta, malta",maltese1,maltese,female,409,malta,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/maltese1.wav +1424,74,6,"marsa, malta",maltese2,maltese,female,1359,malta,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/maltese2.wav +1425,26,13,"shanxi province, shanxi, china",mandarin1,mandarin,female,256,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snack and a big tour frog from the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin1.wav +1426,19,3,"beijing, china",mandarin10,mandarin,male,491,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh, narrow piece. Fat. Thick slabs are blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin10.wav +1427,53,13,"kao-hsiung, taiwan",mandarin11,mandarin,female,607,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store.,recordings/wav/mandarin11.wav +1428,23,1,"singapore, singapore",mandarin12,mandarin,male,623,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin12.wav +1429,29,13,"nantou, taiwan",mandarin13,mandarin,male,685,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Place Coast Down house code to bring these things we've heard from the store. 6 springs of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need the smoke plastic snake and the big toe efrog full of Keats. She could give these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin13.wav +1430,49,20,"dalian, liaoning, china",mandarin14,mandarin,male,719,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow bees, 5-6 slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin14.wav +1431,28,11,"tainan, taiwan",mandarin15,mandarin,female,746,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of spread snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when stay at the train station.,recordings/wav/mandarin15.wav +1432,32,10,"taipei, taiwan",mandarin16,mandarin,male,750,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to great things with her from the Store, 6 spoons of fresh snow peas, 5 thick slabs or blue cheese, and maybe a snack for her brother Bob.",recordings/wav/mandarin16.wav +1433,26,13,"wuhan, hubei, china",mandarin17,mandarin,male,796,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls then asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 numbers of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin17.wav +1434,29,13,"taoyuan, taiwan",mandarin18,mandarin,female,872,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/mandarin18.wav +1435,27,13,"qinzhou, guangxi, china",mandarin19,mandarin,male,916,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons. The fresh Snow peas 5 thick slabs.,recordings/wav/mandarin19.wav +1436,38,14,"nanjing, china",mandarin2,mandarin,female,257,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/mandarin2.wav +1437,40,12,"ping tong, taiwan",mandarin20,mandarin,female,931,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 feet slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin20.wav +1438,38,9,"chengdu, sichuan, china",mandarin21,mandarin,female,984,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin21.wav +1439,39,11,"haikou, hainan, china",mandarin22,mandarin,female,1019,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 spoons of fresh snow, peas, thighs, thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop the things into three Redbacks and will go meet her Wednesday at the train station.",recordings/wav/mandarin22.wav +1440,46,13,"kao-hsiung, taiwan",mandarin23,mandarin,female,1044,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Praise Cause Stella asked her to bring these things we, her Founder Store 6 spots of fresh snow peas fight things.",recordings/wav/mandarin23.wav +1441,21,10,"shanghai, china",mandarin24,mandarin,female,1089,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/mandarin24.wav +1442,28,13,"wuxi, jiangsu, china",mandarin25,mandarin,female,1125,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mandarin25.wav +1443,31,12,"emei, sichuan, china",mandarin26,mandarin,female,1141,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls data. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a slack for her brother by.",recordings/wav/mandarin26.wav +1444,18,15,"chengdu, sichuan, china",mandarin27,mandarin,male,1154,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin27.wav +1445,45,15,"shanghai, china",mandarin28,mandarin,male,1447,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call Stellar asked her to bring these things with her from their store. 6 spoons of fresh snow bees.,recordings/wav/mandarin28.wav +1446,24,4,"lanzhou, gansu, china",mandarin29,mandarin,male,1490,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscars breathing thing but there from the store 6 pounds of fresh snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop the things into 3 red backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin29.wav +1447,43,10,"jilin city, jilin, china",mandarin3,mandarin,male,258,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin3.wav +1448,27,13,"taipei, taiwan",mandarin30,mandarin,male,1491,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, five thanks, lapse of blue cheese.",recordings/wav/mandarin30.wav +1449,26,13,"wenzhou, zhejiang, china",mandarin31,mandarin,female,1519,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meters Wednesday at the train station.",recordings/wav/mandarin31.wav +1450,23,12,"taipei, taiwan",mandarin32,mandarin,female,1527,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella inserted Windows things with her from the store. 6 spoons of fresh snow peas 5-6 laps or blue cheese and maybe and snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/mandarin32.wav +1451,25,6,"beijing, china",mandarin33,mandarin,male,1541,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin33.wav +1452,31,13,"shi jia zhuang, hebei, china",mandarin34,mandarin,female,1578,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spawns of fresh snow peas, fat thick slabs of blue cheese and maybe a snack for her brother Ball will also need a small plastic snake and a big toy Prague for the keys. She can scoop these things into three right backs and we will go make her Wednesday at the train station.",recordings/wav/mandarin34.wav +1453,27,12,"yantai, shandong, china",mandarin35,mandarin,female,1579,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her friend, with her from the store. 6 spoons of fresh snow peas. Found six laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin35.wav +1454,32,10,"beijing, china",mandarin36,mandarin,female,1580,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellar ask her to bring these things with her from the store. 66 spoons of fresh snowpeas 5-6 slash. Slips of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kiss. She can scrub the these things into 3 red bags and we will go meet her Wednesday at this train station.,recordings/wav/mandarin36.wav +1455,32,12,"huhot, nei meng gu, china",mandarin37,mandarin,female,1581,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Steeler ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags.",recordings/wav/mandarin37.wav +1456,33,12,"changsha, hunan, china",mandarin38,mandarin,female,1582,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you ask her to bring these things with her from the store. 6 spoons of fresh snow pins. 5 think slabs of blue cheese and maybe a snack for her brother born. We also need a small plastic snake and a big toy frog from for the kids. She can scooped these things into 3 red bags.,recordings/wav/mandarin38.wav +1457,24,12,"tie ling, liaoning, china",mandarin39,mandarin,female,1583,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 wounds of fresh snow peas, 5 thick flips of blue cheese and maybe a snake for her brother Bob. We also need a small place plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin39.wav +1458,24,6,"shanghai, china",mandarin4,mandarin,female,259,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin4.wav +1459,28,12,"chengdu, sichuan, china",mandarin40,mandarin,male,1614,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her kids. She can scoop these things into three rib X and we will go meet her when the stay at the train station.",recordings/wav/mandarin40.wav +1460,34,13,"songyuan, jilin, china",mandarin41,mandarin,female,1615,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call styler. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for the kids. She can scoop these things into three ride bikes and we will go meet her.,recordings/wav/mandarin41.wav +1461,47,16,"yanbian, jilin, china",mandarin42,mandarin,female,1616,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. 5 think think.,recordings/wav/mandarin42.wav +1462,24,15,"datong, shanxi, china",mandarin43,mandarin,female,1617,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please constantly ask her to bring these things with her from store 6 bowls of fresh snow peas. Fine, thanks lips of blue cheese and maybe a snake of for her brother bulb. We also need a small place.",recordings/wav/mandarin43.wav +1463,21,16,"hangzhou, zhejiang, china",mandarin44,mandarin,male,1630,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack.,recordings/wav/mandarin44.wav +1464,42,12,"beijing, china",mandarin45,mandarin,female,1631,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fries. No pins found. Thick slippers. Slippers of blue cheese and maybe a snake for her brother, but we also need a small practice plastic snake and big toy frog for the keys. Cricket sport coupe.",recordings/wav/mandarin45.wav +1465,43,9,"jilin city, jilin, china",mandarin46,mandarin,female,1636,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin46.wav +1466,28,8,"beijing, china",mandarin47,mandarin,female,1644,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police costela ask her to bring that sings with her from the store 6 spoons of fresh snow peas found fix lives of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mandarin47.wav +1467,37,12,"pingdingshan, henan, china",mandarin48,mandarin,male,1645,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Taylor Alcohol to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tool frog for the kids. She can scoop these things into 3.",recordings/wav/mandarin48.wav +1468,21,10,"shanghai, china",mandarin49,mandarin,male,1736,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked Brandy things, whether from the store, 6 spoons, a fresh new piece by thick slab, blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and big toy for for the kids. She can skip the things into 3 red bags and we will go meet her Winston at the translation.",recordings/wav/mandarin49.wav +1469,31,12,"beijing, china",mandarin5,mandarin,female,260,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from Store 6 springs spoons over fresh snowpeas 5 sticks slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mandarin5.wav +1470,25,9,"hsinchu, taiwan",mandarin50,mandarin,male,1788,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin50.wav +1471,25,10,"tianjin, hebei, china",mandarin51,mandarin,male,1792,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 springs of fresh snow beans, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin51.wav +1472,26,6,"shaoxing, zhejiang, china",mandarin52,mandarin,female,1793,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring the scenes with her from the store. 6 pounds of fresh snow peas, 5-6 slabs out, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scope so things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin52.wav +1473,38,13,"ningbo, zhejiang, china",mandarin53,mandarin,female,1817,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a bigger toy frog for the kids.",recordings/wav/mandarin53.wav +1474,25,10,"chengdu, sichuan, china",mandarin54,mandarin,female,1900,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin54.wav +1475,25,13,"loudi, hunan, china",mandarin55,mandarin,female,1909,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these scenes with her from the store. 6 boots of French is no peace. 5 think slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frogfoot case. She can scoop this disease into 3 red bags and we will go meet her Wednesday.,recordings/wav/mandarin55.wav +1476,26,11,"baoding, hebei, china",mandarin56,mandarin,female,1910,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5-6 laps of a blue cheese and maybe a snack for her brother above. We also need a small plastic snake and a big toy frog from the peace she can screw these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin56.wav +1477,20,12,"shanghai, china",mandarin57,mandarin,male,1990,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/mandarin57.wav +1478,23,7,"superior, colorado, usa",mandarin58,mandarin,male,2000,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin58.wav +1479,20,6,"kunming, yunnan, china",mandarin59,mandarin,female,2019,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the story. Six points of fresh Snow peas, 5 ticks, 6A spells of blue cheese, and maybe a snack of her brother Bob.",recordings/wav/mandarin59.wav +1480,28,12,"le shan, sichuan, china",mandarin6,mandarin,female,261,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stana ask her to bring these things with her. From this door, six points of fresh snow peas, 5-6 laps of blue cheese at maybe a snack for her brother Bob. We also need a small plastic snake at the big toy frog for the kids. She can screw up these things into 3 red bug bags at weight will go meet her Wednesday at the train station.",recordings/wav/mandarin6.wav +1481,41,13,"guiyang, guizhou, china",mandarin60,mandarin,female,2109,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stories from the store.,recordings/wav/mandarin60.wav +1482,33,16,"shangrao, jiangxi, china",mandarin61,mandarin,female,2116,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese.,recordings/wav/mandarin61.wav +1483,24,7,"shanghai, china",mandarin62,mandarin,male,2117,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please cost Dalla ask her to bring these things with her from the store, 6 spoons of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for a brother Rob a Bob.",recordings/wav/mandarin62.wav +1484,27,12,"jiaozuo, henan, china",mandarin63,mandarin,male,2119,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her kid for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin63.wav +1485,24,10,"fuzhou, fujian, china",mandarin64,mandarin,female,2129,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/mandarin64.wav +1486,20,5,"tianjin, hebei, china",mandarin65,mandarin,female,2173,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three Webex and we will go meet her Wednesday at the train station.",recordings/wav/mandarin65.wav +1487,22,5,"berkeley, california, usa",mandarin7,mandarin,male,262,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/mandarin7.wav +1488,29,12,"jingmen, hubei, china",mandarin8,mandarin,male,430,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call standard. Ask her to bring these things with her from restore 6 spoons of fresh snow peas.,recordings/wav/mandarin8.wav +1489,38,12,"shanghai, china",mandarin9,mandarin,male,451,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of French fresh Snow Peas, 5 synced snaps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the keys.",recordings/wav/mandarin9.wav +1490,36,9,"freetown, sierra leone",mandingo1,mandingo,male,263,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Axle brings these things with half from the store 6 point of fresh snow peas, 5 tickle slabs of blue cheese.",recordings/wav/mandingo1.wav +1491,23,12,"ziguinchor, senegal",mandinka1,mandinka,male,789,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Steve and ask her to bring these things with her from the store.,recordings/wav/mandinka1.wav +1492,27,15,"goudomp, senegal",mankanya1,mankanya,male,790,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with love from the star.,recordings/wav/mankanya1.wav +1493,21,3,"bombay, india",marathi1,marathi,female,264,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/marathi1.wav +1494,28,10,"madras, india",marathi2,marathi,male,265,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of a fresh snow peas, fives thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/marathi2.wav +1495,31,2,"bombay, india",marathi3,marathi,male,837,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wayne. Stay at the train station.",recordings/wav/marathi3.wav +1496,21,5,"port louis, mauritius",mauritian1,mauritian,male,266,mauritius,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","And please call Stellah asked her to bring these and things with her from the store. Six months, six point of fresh snow peas and find things slabs of blue cheese and maybe a snack. Or for her brother Bob. We also need a small plastic snake and a big toy frog for the kids and she can scoop on these things into everything. Free red bags and we all we will go meet her Wednesday at the.",recordings/wav/mauritian1.wav +1497,48,7,"grand port, mauritius",mauritian2,mauritian,male,1935,mauritius,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella oxide to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mauritian2.wav +1498,35,5,"harbel, liberia",mende1,mende,male,436,liberia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mende1.wav +1499,21,2,"freetown, sierra leone",mende2,mende,female,603,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go, Sally asks her to bring things with her from the staff. 6.0 fresh snow pals five things solid of blue cheese and maybe his neck of her brothers Bob. We also need a small.",recordings/wav/mende2.wav +1500,32,5,"freetown, sierra leone",mende3,mende,male,1986,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow Spears 5 thick slab of blue cheese and maybe it's not for her brother. War will also need a small plastic snake.,recordings/wav/mende3.wav +1501,18,8,"krinkrin, rio coco, nicaragua",miskito1,miskito,male,2067,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/miskito1.wav +1502,18,13,"kum, rio coco, nicaragua",miskito10,miskito,male,2090,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please can still ask him to bring these things with her.,recordings/wav/miskito10.wav +1503,18,11,"bilwi, puerto cabezas, nicaragua",miskito11,miskito,female,2093,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella how scared to bring this thing right here from the store. 6 full of fresh Snow peas, 5 tick slab of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy from toy frog for the kids. She can school living in 2-3 Red Bag and we will go meet her Wednesday at the train station.",recordings/wav/miskito11.wav +1504,18,7,"bilwi, puerto cabezas, nicaragua",miskito2,miskito,female,2068,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the story. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for decades. She can scope these things into three bread bags and we will go meet her.",recordings/wav/miskito2.wav +1505,32,14,"bilwi, puerto cabezas, nicaragua",miskito3,miskito,male,2069,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need at small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at this train station.",recordings/wav/miskito3.wav +1506,18,15,"bilwi, puerto cabezas, nicaragua",miskito4,miskito,male,2070,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store store 6 pound of fresh snow peas. Five things laugh of blue cheese and maybe has not for her brother Bob. We also need a small plastic snake and big tree frog for the kids she can scope.,recordings/wav/miskito4.wav +1507,18,7,"bilwi, puerto cabezas, nicaragua",miskito5,miskito,female,2071,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Six months of fresh snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/miskito5.wav +1508,19,12,"bilwi, puerto cabezas, nicaragua",miskito6,miskito,male,2082,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella us here to bring these things with her run here from the store. 6 full of fresh snow spits fighting slab of blue cheese and maybe a snap for her brother walk. We also need a small plastic snake and a big toy frog for the kids. Chickens scoop Tees things into 3 red box.,recordings/wav/miskito6.wav +1509,20,15,"bilwi, puerto cabezas, nicaragua",miskito7,miskito,male,2083,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella adhere to bring these things we hear from the store she spoons or fraps snow speaks, 15. Slips of blue cheese and maybe a snack for his brother book.",recordings/wav/miskito7.wav +1510,18,12,"walakitang, rio coco, nicaragua",miskito8,miskito,male,2088,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stair has her to win these things with her from this story.,recordings/wav/miskito8.wav +1511,40,38,"bilwi, puerto cabezas, nicaragua",miskito9,miskito,male,2089,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow peas 5 sticks, slap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big.",recordings/wav/miskito9.wav +1512,37,6,"mandalay, myanmar",mizo1,mizo,male,2072,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as hard to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into the red bags and we will go meet her Wednesday at the train station.",recordings/wav/mizo1.wav +1513,54,15,"mango, togo",moba1,moba,male,999,togo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK, please call Stella.",recordings/wav/moba1.wav +1514,18,15,"ulaanbaatar, mongolia",mongolian1,mongolian,female,267,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring those things with her from the store.,recordings/wav/mongolian1.wav +1515,22,17,"ulaanbaatar, mongolia",mongolian2,mongolian,male,268,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still has code to bring these things with her from the store. 6 pounds of fresh Now peace 5 ticked slaps of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mongolian2.wav +1516,38,10,"ulaanbaatar, mongolia",mongolian3,mongolian,male,762,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this things with her from the store.,recordings/wav/mongolian3.wav +1517,19,15,"ulaanbaatar, mongolia",mongolian4,mongolian,male,1024,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake snack and a big toy frog for the kids.",recordings/wav/mongolian4.wav +1518,23,9,"sofia, bulgaria",mongolian5,mongolian,male,1135,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, white thick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/mongolian5.wav +1519,29,26,"sukhbaatar, mongolia",mongolian6,mongolian,female,1199,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, and maybe it's knack for her brother Bob. We also need a small plastic snack and big toy frog. The kids she can scoop these things into 3 red bags and we will go meet her when she at the train station.",recordings/wav/mongolian6.wav +1520,28,28,"darhan, mongolia",mongolian7,mongolian,female,1811,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her front the store, 6 spoons of fresh snow peas, 5 disc slips of blue cheese and maybe a snack for her brothers Bob. We also need a small plastic snake and a big toy frogs for kids.",recordings/wav/mongolian7.wav +1521,25,5,"jining, inner mongolia, china",mongolian8,mongolian,male,1842,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mongolian8.wav +1522,19,5,"yekaterinburg, russia",mongolian9,mongolian,male,1896,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/mongolian9.wav +1523,29,12,"tenkodogo, burkina faso",moore1,moore,female,269,burkina faso,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob.",recordings/wav/moore1.wav +1524,21,6,"weno, chuuk, federated states of micronesia",mortlockese1,mortlockese,male,270,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for for the kids.",recordings/wav/mortlockese1.wav +1525,44,12,"rehoboth, namibia",nama1,nama,male,1104,namibia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nama1.wav +1526,35,18,"eldoret, kenya",nandi1,nandi,male,1193,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as had to bring these things without with help from the store. 6 spoons of fresh Snow Peas, 5 **** slaps with blue cheese and maybe a snack about Brother Bob.",recordings/wav/nandi1.wav +1527,24,12,"shangri-la, yunnan, china",naxi1,naxi,female,2164,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/naxi1.wav +1528,22,5,"katmandu, nepal",nepali1,nepali,female,271,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call. Sheila asks her to bring these things with her from the store. 6 spoons of fresh snow peas, five things, slaves of blue cheese, and maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we all we will go with her. When I stayed at the train station.",recordings/wav/nepali1.wav +1529,23,3,"katmandu, nepal",nepali10,nepali,female,1770,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of phrase snow peas 5 thick slabs of blue cheese and maybe a snack for her brother bald. We also need a small plastic snake and a big toy frog for the kids. Sick and scooped these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/nepali10.wav +1530,24,20,"katmandu, nepal",nepali11,nepali,female,1865,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call steel axe hard to bring those things with her from the store. 6 spoons of phrase is no peace 5 thick.,recordings/wav/nepali11.wav +1531,26,6,"katmandu, nepal",nepali12,nepali,female,1978,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/nepali12.wav +1532,25,5,"katmandu, nepal",nepali13,nepali,female,2021,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/nepali13.wav +1533,37,14,"katmandu, nepal",nepali2,nepali,female,757,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stay on her. Ask her too.,recordings/wav/nepali2.wav +1534,36,4,"dharan, nepal",nepali3,nepali,male,807,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/nepali3.wav +1535,25,5,"pokhara, nepal",nepali4,nepali,male,830,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nepali4.wav +1536,39,9,"chisapani, nepal",nepali5,nepali,male,1495,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nepali5.wav +1537,24,6,"bhadrapur, nepal",nepali6,nepali,male,1499,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nepali6.wav +1538,19,7,"chitwan, nepal",nepali7,nepali,male,1513,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, optics labs with blue cheese and make it maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids.",recordings/wav/nepali7.wav +1539,20,5,"pokhara, nepal",nepali8,nepali,male,1514,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest in peace. 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.,recordings/wav/nepali8.wav +1540,36,10,"baglung, nepal",nepali9,nepali,male,1761,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please college Taylor asks her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 kicks slaps, a blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big goof off for the gears. Second scoop these things into two red bags and will go meet her Wednesday at the train station.",recordings/wav/nepali9.wav +1541,29,5,"katmandu, nepal",newari1,newari,male,707,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things without without from this 26 spoon of first snow peas, *** **** slap of blue cheese and maybe a snack for brother. But we also need a small plastic snack.",recordings/wav/newari1.wav +1542,41,15,"bota, cameroon",ngemba1,ngemba,male,581,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ngemba1.wav +1543,63,6,"bamenda, cameroon",ngemba2,ngemba,female,1871,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please tell her, ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her.",recordings/wav/ngemba2.wav +1545,33,10,"drammen, norway",norwegian1,norwegian,female,272,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet or Wednesday at a train station.",recordings/wav/norwegian1.wav +1546,55,12,"oslo, norway",norwegian2,norwegian,female,273,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please ask Stella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/norwegian2.wav +1547,19,5,"volda, norway",norwegian3,norwegian,male,274,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/norwegian3.wav +1548,23,10,"lakselv, norway",norwegian4,norwegian,male,562,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with it from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a rather Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wedding stay at the train station.",recordings/wav/norwegian4.wav +1549,41,9,"oslo, norway",norwegian5,norwegian,female,697,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of personal piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.,recordings/wav/norwegian5.wav +1550,29,10,"askim, norway",norwegian6,norwegian,male,1211,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/norwegian6.wav +1551,30,15,"ayod, sudan",nuer1,nuer,male,1368,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Isela Hazard to bring these things with her from the store.,recordings/wav/nuer1.wav +1552,35,5,"bargarh, orissa, india",oriya1,oriya,male,475,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Six months of recipes 5-6 laps of leases, and maybe snag for Bob. We also need a small plastic snake and a big toy frog for the kids. See conscript these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/oriya1.wav +1553,32,6,"orissa, india",oriya2,oriya,male,1084,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/oriya2.wav +1554,33,11,"wellga, ethiopia",oromo1,oromo,female,275,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 sports or fresh Snow peas, 5 ticks clubs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snap and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/oromo1.wav +1555,33,10,"yabello, burana, ethiopia",oromo2,oromo,male,1042,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy.",recordings/wav/oromo2.wav +1556,35,8,"dembi dollo, ethiopia",oromo3,oromo,female,1152,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her for.,recordings/wav/oromo3.wav +1557,27,5,"willemstad, curacao",papiamentu1,papiamentu,female,1781,curacao,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/papiamentu1.wav +1558,23,10,"willemstad, curacao",papiamentu2,papiamentu,male,1783,curacao,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in three red bags and we will go meet her Wednesday at the train station.",recordings/wav/papiamentu2.wav +1559,47,12,"kabul, kandahar, afghanistan",pashto1,pashto,female,696,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of them, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids.",recordings/wav/pashto1.wav +1560,26,5,"mansehra, pakistan",pashto10,pashto,female,1919,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/pashto10.wav +1561,26,26,"kabul, kandahar, afghanistan",pashto2,pashto,female,792,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call styler. Ask her to Brown death tanks with her from the story sex spoons of fresh snow bus 5 tax slabs of blow, blue cheese and maybe our thank for her brother Bob. We also need.",recordings/wav/pashto2.wav +1562,36,7,"kandahar, afghanistan",pashto3,pashto,female,963,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring those these things with her from this store. 6 spoons of fresh snow piece fives 5 thick.,recordings/wav/pashto3.wav +1563,18,6,"peshawar, pakistan",pashto4,pashto,female,1010,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, biface slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/pashto4.wav +1564,52,22,"kandahar, afghanistan",pashto5,pashto,female,1355,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her.,recordings/wav/pashto5.wav +1565,59,17,"kandahar, afghanistan",pashto6,pashto,male,1356,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella.,recordings/wav/pashto6.wav +1566,42,20,"kabul, afghanistan",pashto7,pashto,female,1357,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snowpeas 5 takes lots of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/pashto7.wav +1567,39,17,"paktia, afghanistan",pashto8,pashto,male,1714,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store 6 phone or fresh no peace 5 tax slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the cares. She can scope this thing into 3 red bags and we will go meet her Wednesday at the translation.,recordings/wav/pashto8.wav +1568,56,18,"kabul, afghanistan",pashto9,pashto,male,1820,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things.,recordings/wav/pashto9.wav +1569,18,3,"kolonia, pohnpei, federated states of micronesia",pohnpeian1,pohnpeian,male,276,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her under Store 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/pohnpeian1.wav +1570,26,23,"janow, poland",polish1,polish,female,277,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Miller,recordings/wav/polish1.wav +1571,30,15,"wolanow, poland",polish10,polish,female,842,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please coast Steeler ask her to bring those those things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic snake and a big toy frog for the kids. She can scope those things into 3 red bags and we will go her Wednesday at the train station.",recordings/wav/polish10.wav +1572,56,10,"warsaw, poland",polish11,polish,female,843,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the star of spoons of fresh snow peas. 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She then scooped these things into free red bags and we will go meet her Wednesday at train station.,recordings/wav/polish11.wav +1573,40,20,"warsaw, poland",polish12,polish,male,883,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these strings with her from the star. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/polish12.wav +1574,22,14,"gryfino, western pomerania, poland",polish13,polish,male,958,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things would have from the start. She explains of Rational piece 5 thick slabs of blue cheese and maybe a snack for her brother above. We also need a small plastic snake and a big toy truck for the kids. Chicken scoop these things into three did bags only go meet her once they update train station.,recordings/wav/polish13.wav +1575,97,35,"warsaw, poland",polish14,polish,male,1171,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her bring this things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother but.",recordings/wav/polish14.wav +1576,25,9,"ketrzyn, poland",polish15,polish,female,1245,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stair. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish15.wav +1577,19,8,"koszalin, poland",polish16,polish,male,1278,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish16.wav +1578,33,13,"krakow, poland",polish17,polish,female,1453,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her. From this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her on Wednesday at the train station.",recordings/wav/polish17.wav +1579,18,5,"bialystok, poland",polish18,polish,male,1483,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the star. 6 spoons. Have fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Berb. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into free 8 bags and will go meet her Wednesday at the train station.",recordings/wav/polish18.wav +1580,24,7,"belchatow, poland",polish19,polish,male,1549,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snag for her brother Bob.",recordings/wav/polish19.wav +1581,26,25,"mielec, poland",polish2,polish,female,278,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store.,recordings/wav/polish2.wav +1582,53,4,"gdansk, poland",polish20,polish,female,1625,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/polish20.wav +1583,30,10,"kolobrzeg, poland",polish21,polish,male,1651,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with him. Store 6 springs of fresh snow peas for fake slopes, blue cheese, and maybe it's not for a brother Bob. We also need a small plastic snake and a big tree frog for the kids. She can screw these things into three that bags and will go with her Wednesday at the train station.",recordings/wav/polish21.wav +1584,19,11,"koszalin, poland",polish22,polish,male,1652,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/polish22.wav +1585,21,8,"lobez, poland",polish23,polish,male,1653,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish23.wav +1586,20,10,"koszalin, poland",polish24,polish,female,1654,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring all these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snag and big toy frog for the kids. She can scoop this things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/polish24.wav +1587,20,11,"koszalin, poland",polish25,polish,male,1671,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish25.wav +1588,19,16,"bytow, poland",polish26,polish,male,1737,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3/8 bags and will go meet her Wednesday at the train station.",recordings/wav/polish26.wav +1589,19,6,"koszalin, poland",polish27,polish,male,1738,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go mirror Wednesday at the train station.,recordings/wav/polish27.wav +1590,20,10,"koszalin, poland",polish28,polish,female,1745,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the free red box and we'll go meet her Wednesday at the train station.",recordings/wav/polish28.wav +1591,20,11,"sianow, poland",polish29,polish,male,1748,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of personal peace fact, thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope of this things into 3 red backs and we will go meet her Wednesday at the train station.",recordings/wav/polish29.wav +1592,31,12,"nowy sacz, poland",polish3,polish,female,279,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick glass slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/polish3.wav +1593,21,9,"koszalin, poland",polish30,polish,female,1749,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 bowls of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can school these things in their free red bags and we will go meet her Wednesday at the train station.,recordings/wav/polish30.wav +1594,34,16,"trzebnica, poland",polish31,polish,female,1918,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/polish31.wav +1595,42,14,"torun, poland",polish32,polish,male,2062,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish32.wav +1596,21,7,"nowa ruda, poland",polish33,polish,male,2064,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/polish33.wav +1597,48,12,"wroclaw, poland",polish34,polish,female,2085,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store. 6 spawns of fresh snow peas.,recordings/wav/polish34.wav +1598,47,15,"krakow, poland",polish4,polish,female,280,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack.",recordings/wav/polish4.wav +1599,22,9,"ozarow maz, poland",polish5,polish,male,482,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and we'll go meet her Wednesday at the train station.",recordings/wav/polish5.wav +1600,26,8,"torun, poland",polish6,polish,female,626,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish6.wav +1601,20,6,"przemet, poland",polish7,polish,male,728,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store 6 bins of fresh snow peas by thick slabs of blue cheese and maybe a snack for him, brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip this things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/polish7.wav +1602,20,11,"otwock, poland",polish8,polish,male,769,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call Stella asked him to bring these things we've heard from the store. 6 spoons of Fresno PDE 5 fix slabs of blue cheese and his neck for her brother Bob. We also need a small plastic thing in a big toy frogs. The Keats she can skew these things into 3 red bags and we'll go meet out Wednesday at the train station.,recordings/wav/polish8.wav +1603,23,15,"ostroleka, poland",polish9,polish,female,841,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blood, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/polish9.wav +1604,37,16,"bahia, brazil",portuguese1,portuguese,female,281,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask him to being there. Think with headphone distorted. 6 spoon of fixed now paints.,recordings/wav/portuguese1.wav +1605,21,13,"novo hamburgo, rio grande do sul, brazil",portuguese10,portuguese,male,282,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/portuguese10.wav +1606,40,7,"sao paulo, brazil",portuguese11,portuguese,female,495,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese11.wav +1607,36,12,"lisbon, portugal",portuguese12,portuguese,male,513,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh no peace. 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog frog. It's she can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/portuguese12.wav +1608,18,9,"santa maria, rio grande do sul, brazil",portuguese13,portuguese,male,520,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big type frog for the kids. She can skip these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese13.wav +1609,25,8,"sao paulo, brazil",portuguese14,portuguese,male,558,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh new snow peas. 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need small plus snake and a big toy frog for the kids. She can scoop things into three had bags and then we will go meet her Wednesday at the train station.,recordings/wav/portuguese14.wav +1610,54,9,"sao paulo, brazil",portuguese15,portuguese,male,615,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, firefix slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese15.wav +1611,25,15,"porto alegre, brazil",portuguese16,portuguese,male,632,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese16.wav +1612,18,15,"salinas, brazil",portuguese17,portuguese,male,806,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese. Anybody snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 33 red bags and we go meet her Wednesday at the train station.",recordings/wav/portuguese17.wav +1613,50,12,"almada, portugal",portuguese18,portuguese,female,812,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rib X and we will go meet her Wednesday at train station.",recordings/wav/portuguese18.wav +1614,32,4,"florianopolis, brazil",portuguese19,portuguese,male,829,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her bring these things with her from the store shakes bones in France. Snow peas bye thanks lives of blue cheese and maybe his knack for her brother Bond. We also need these small plastic snake and a big toy frank for the kids. She came to school with these things into three handbags and we will go meet her wine as they at the train station.",recordings/wav/portuguese19.wav +1615,18,10,"brasilia, brazil",portuguese2,portuguese,female,283,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese2.wav +1616,21,10,"campinas, brazil",portuguese20,portuguese,male,833,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe his leg for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/portuguese20.wav +1617,23,17,"sao paulo, brazil",portuguese21,portuguese,male,891,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh no peace 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/portuguese21.wav +1618,43,17,"luanda, angola",portuguese22,portuguese,female,933,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and scared to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob.",recordings/wav/portuguese22.wav +1619,29,10,"curitiba, brazil",portuguese23,portuguese,female,938,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella answer to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese23.wav +1620,22,11,"santos, brazil",portuguese24,portuguese,female,960,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe his neck for a brother. Bob Wilson need is more plastic snake and a big toy frog for the kids.",recordings/wav/portuguese24.wav +1621,20,18,"rio de janeiro, brazil",portuguese25,portuguese,female,972,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call style and ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese and maybe as naked for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/portuguese25.wav +1622,25,10,"campo grande, brazil",portuguese26,portuguese,female,1109,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese26.wav +1623,33,8,"sao paulo, brazil",portuguese27,portuguese,female,1128,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/portuguese27.wav +1624,36,10,"sao paulo, brazil",portuguese28,portuguese,female,1187,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her. Went from this store. 6 spoons of fresh Snow peas, 5 thick slabs and of blue cheese and maybe a snack of her for her brother Bob.",recordings/wav/portuguese28.wav +1625,28,8,"vitoria, brazil",portuguese29,portuguese,male,1284,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe his neck for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese29.wav +1626,18,15,"blumenau, brazil",portuguese3,portuguese,female,284,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things.,recordings/wav/portuguese3.wav +1627,26,24,"juiz de fora, brazil",portuguese30,portuguese,female,1285,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring these things with her from the store. 6 Puma fresh Snow peas 5 fix leads of blue cheese and maybe snag for her brother board. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we go meet her Wednesday at the train station.,recordings/wav/portuguese30.wav +1628,29,16,"belo horizonte, brazil",portuguese31,portuguese,male,1286,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe his neck for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese31.wav +1629,29,12,"volta redonda, brazil",portuguese32,portuguese,male,1305,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe snag for her brother Ball.",recordings/wav/portuguese32.wav +1630,38,28,"brasilia, brazil",portuguese33,portuguese,male,1316,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from store 6 pounds of fresh snow peas. 5 thick slabs of blue cheese and maybe snag for her brother board. We also need a small plastic snake and victor frog for the kids. She can scoop the things into 3 red bags and then we'll go meet her Wednesday at the train station.,recordings/wav/portuguese33.wav +1631,18,14,"porto alegre, brazil",portuguese34,portuguese,male,1376,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things, whether from the Star 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/portuguese34.wav +1632,22,9,"sao paulo, brazil",portuguese35,portuguese,female,1389,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into three row bags and we will go meet her Wednesday at train station.",recordings/wav/portuguese35.wav +1633,39,15,"uberlandia, brazil",portuguese36,portuguese,female,1438,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into into 3 red bags and we we will go meet her Wednesday at the train station.",recordings/wav/portuguese36.wav +1634,43,26,"sao paulo, brazil",portuguese37,portuguese,female,1454,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from their store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese37.wav +1635,25,15,"rio de janeiro, brazil",portuguese38,portuguese,male,1470,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh no. Peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meter Wednesday at the train station.",recordings/wav/portuguese38.wav +1636,26,8,"sao paulo, brazil",portuguese39,portuguese,female,1553,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She come scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese39.wav +1637,20,15,"cabinda, angola",portuguese4,portuguese,male,285,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/portuguese4.wav +1638,23,0,"london, england, uk",portuguese40,portuguese,male,1773,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese, and Mabel snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She could scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese40.wav +1639,22,10,"mexico city, mexico",portuguese41,portuguese,male,1849,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese41.wav +1640,24,21,"luanda, angola",portuguese42,portuguese,male,1883,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/portuguese42.wav +1641,32,8,"coronel fabriciano, minas gerais, brazil",portuguese43,portuguese,female,1922,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/portuguese43.wav +1642,38,24,"rio de janeiro, brazil",portuguese44,portuguese,female,1930,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as opposed to bring these things with her from this store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Rob. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese44.wav +1643,19,7,"salvador, brazil",portuguese45,portuguese,female,1941,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow Peas 5 takes lives, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three wet bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese45.wav +1644,65,11,"cascais, portugal",portuguese46,portuguese,male,1965,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/portuguese46.wav +1645,22,12,"rosario do sul, brazil",portuguese47,portuguese,female,1989,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store 6 spins a fresh snowpeas 5-6 slabs of blue cheese and maybe a snack for her brother bug. We also need a small plastic snake and a big toy frog for the kids. She can scoop distance into 3 red backs and we will go meet her Wednesday at the train station.,recordings/wav/portuguese47.wav +1646,31,26,"sao paulo, brazil",portuguese48,portuguese,male,2120,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this saying things with her from the store. 6 spoons or fresh snow peas, 5 thick slabs of blue cheese and maybe his knack for her brother Bob.",recordings/wav/portuguese48.wav +1647,31,13,"lubango, angola",portuguese5,portuguese,male,286,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things with her from the store.,recordings/wav/portuguese5.wav +1648,44,15,"sao paulo, brazil",portuguese6,portuguese,male,287,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store's exports of fresh, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we go meet her Wednesday at the train station.",recordings/wav/portuguese6.wav +1649,40,11,"vitoria, brazil",portuguese7,portuguese,male,288,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rag bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese7.wav +1650,26,7,"fortaleza, brazil",portuguese8,portuguese,male,289,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/portuguese8.wav +1651,18,14,"sao paulo, brazil",portuguese9,portuguese,male,290,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese9.wav +1652,53,12,"dakar, senegal",pulaar1,pulaar,female,778,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/pulaar1.wav +1653,44,13,"rufisque, senegal",pulaar2,pulaar,male,779,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the Thor. 6 pounds of fresh snow peas, 5 thick slab of blue keys and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for the kids.",recordings/wav/pulaar2.wav +1654,53,30,"dakar, senegal",pulaar3,pulaar,male,786,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. I mean, six spoons of fresh snow peas, 5 thick slaves of blue cheese, and maybe a snack for her brother. But we also need a small plastic snake and a big toy from for the kids. She can screw these things into 3.",recordings/wav/pulaar3.wav +1655,34,10,"sargodha, pakistan",punjabi1,punjabi,male,291,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/punjabi1.wav +1656,22,11,"ludhiana, india",punjabi10,punjabi,male,2040,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bone of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/punjabi10.wav +1657,26,10,"hoshiarpur, india",punjabi2,punjabi,male,292,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",OK.,recordings/wav/punjabi2.wav +1658,19,6,"moga, punjab, india",punjabi3,punjabi,male,751,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls tell our Oscar to bring these things with her from the store. 6 spoons or fresh no pain.,recordings/wav/punjabi3.wav +1659,33,3,"moga, india",punjabi4,punjabi,female,836,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/punjabi4.wav +1660,49,5,"ropar, punjab, india",punjabi5,punjabi,male,1612,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/punjabi5.wav +1661,25,5,"lahore, pakistan",punjabi6,punjabi,male,1758,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her for the store from the store. 6 spoons of fresh snow pea 5 stick thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/punjabi6.wav +1662,22,5,"lahore, pakistan",punjabi7,punjabi,male,1759,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/punjabi7.wav +1663,44,13,"jilandhar, punjab, india",punjabi8,punjabi,male,1782,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask our brand these things with her from the store. 6 spoon off fish snow days. Five things stand in the blue cheese and maybe a snap of her brother Bob. We all so need is simple.,recordings/wav/punjabi8.wav +1664,19,11,"kot kapura, india",punjabi9,punjabi,male,2039,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her phone for from the store. 6 pounds of fresh snow peas.,recordings/wav/punjabi9.wav +1665,53,15,"cochabamba, bolivia",quechua1,quechua,female,293,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/quechua1.wav +1666,32,27,"huanuco, provincia dos de mayo, peru",quechua2,quechua,female,294,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call my style. It ask Oscar for 2 words.,recordings/wav/quechua2.wav +1667,24,12,"timisoara, romania",romanian1,romanian,male,295,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into red 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian1.wav +1668,27,11,"bucharest, romania",romanian10,romanian,female,692,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian10.wav +1669,39,14,"buzau, romania",romanian11,romanian,male,693,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese.",recordings/wav/romanian11.wav +1670,38,12,"chisinau, moldova",romanian12,romanian,female,865,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian12.wav +1671,46,12,"babadag, romanian",romanian13,romanian,male,930,romanian,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/romanian13.wav +1672,25,13,"costesti, moldova",romanian14,romanian,female,973,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian14.wav +1673,27,8,"bucharest, romania",romanian15,romanian,female,980,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian15.wav +1674,25,9,"bucharest, romania",romanian16,romanian,female,996,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store 6 points or fresh fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/romanian16.wav +1675,55,48,"chisinau, moldova",romanian17,romanian,female,1099,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these these things with her from the store. 6 pounds of fresh snow peas, five things, slabs of blue cheese and maybe a snack for the brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three bread bags and we will go meet.",recordings/wav/romanian17.wav +1676,43,28,"solotvino, ukraine",romanian18,romanian,female,1448,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella effort to bring these things football from the store. 6 full of fresh Snow Peas, 5 kicks lab or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and who will go met her Wednesday at the train station.",recordings/wav/romanian18.wav +1677,19,8,"chisinau, moldova",romanian19,romanian,male,1557,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 fix slabs of blue cheese, maybe a snack for her broad, but we also need a small plastic snake and a big toy frog for her kids. She can skip these things into free red bags will go meet her Wednesday for train station.",recordings/wav/romanian19.wav +1678,62,14,"bucharest, romania",romanian2,romanian,male,296,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/romanian2.wav +1679,34,19,"bucharest, romania",romanian20,romanian,female,1599,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bug bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian20.wav +1680,50,32,"birtem, romania",romanian3,romanian,male,297,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/romanian3.wav +1681,35,32,"bucharest, romania",romanian4,romanian,female,298,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring this things with her from the store seeks bones of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tie frog for the kids. She can skip this things into 3 red bags and we will go meet her Wednesday at a train station.,recordings/wav/romanian4.wav +1682,47,12,"bucharest, romania",romanian5,romanian,female,688,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest now peace. 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/romanian5.wav +1683,35,12,"bucharest, romania",romanian6,romanian,male,689,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/romanian6.wav +1684,33,11,"bucharest, romania",romanian7,romanian,male,694,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian7.wav +1685,47,12,"bucharest, romania",romanian8,romanian,male,690,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/romanian8.wav +1686,28,10,"bacau, romania",romanian9,romanian,female,691,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things for with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/romanian9.wav +1687,43,5,"vatukoula, fiji",rotuman1,rotuman,female,659,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",These schools Stella ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/rotuman1.wav +1688,52,7,"rotuma, rotuma, fiji",rotuman2,rotuman,male,660,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.,recordings/wav/rotuman2.wav +1689,36,14,"bururi, burundi",rundi1,rundi,male,1272,burundi,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/rundi1.wav +1690,37,36,"nizhni novgorod, russia",russian1,russian,male,299,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls Tele ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slaves of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/russian1.wav +1691,20,5,"moscow, russia",russian10,russian,female,300,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store, she explains a fresh no peace 5-6 laps of blue cheese. Maybe snack for a brother Bob alternator, small plastic snake and a big toy frog for the kids. She can scoop these things into three Redbacks and will go meet her Wednesday the train station.",recordings/wav/russian10.wav +1692,54,13,"ola magadan, russia",russian11,russian,male,301,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store.,recordings/wav/russian11.wav +1693,62,53,"st. petersburg, russia",russian12,russian,male,460,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls Steeler asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother bulbs.",recordings/wav/russian12.wav +1694,26,10,"moscow, russia",russian13,russian,male,472,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella or ask her to bring these things with her from the store. 6 pools of freshly peeled. 5-6 slabs of blue cheese and made a snack for her brother bomb. We also need a small plastic snake on the big toy frog for the kids. She can scoop these things into 3 red bags and he'll give me to her Wednesday at the train station.,recordings/wav/russian13.wav +1695,33,18,"pskov, russia",russian14,russian,male,609,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian14.wav +1696,34,12,"ayaguz, kazakhstan",russian15,russian,female,647,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from her with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet. We will go to meet her Wednesday at the train station.",recordings/wav/russian15.wav +1697,35,11,"minsk, belarus",russian16,russian,male,648,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. The six spoons of fresh snow peas.,recordings/wav/russian16.wav +1698,37,18,"pskov, russia",russian17,russian,male,671,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and we will get me and we will go meet her Wednesday at the train station.",recordings/wav/russian17.wav +1699,23,13,"komsomolsk-on-amur, russia",russian18,russian,male,831,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big type frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/russian18.wav +1700,40,17,"zhezkazgan, kazakhstan",russian19,russian,male,834,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian19.wav +1701,50,10,"izmail, ukraine",russian2,russian,female,302,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 spoons or fresh Snow Pierce 5 fixed slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet here Wednesday.,recordings/wav/russian2.wav +1702,28,17,"kostanai, kazakhstan",russian20,russian,female,911,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian20.wav +1703,46,10,"moscow, russia",russian21,russian,female,954,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as cute Princess sings with her from the store. 6 spoons of fresh Snow Pierce 5-6 slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic, a snack for a big toy frog foster kids. She can scoop as those things into 3 red bags and we will go meet.",recordings/wav/russian21.wav +1704,30,11,"riga, latvia",russian22,russian,male,994,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. That's hard to bring three things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian22.wav +1705,21,5,"zaporizhzhya, ukraine",russian23,russian,female,1057,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this in things with her from the store. 6 spoons of the fresh Snow peas, 55. Thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian23.wav +1706,33,19,"sochi, russia",russian24,russian,female,1073,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this things with her from the story. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and the big toy frog for the kids.",recordings/wav/russian24.wav +1707,58,41,"orhei, moldova",russian25,russian,female,1096,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this this things with her from from the store 6 spoons or phrase snore. Free fresh snowpeas 550 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog from the kids. She can scoop scoop this things into.,recordings/wav/russian25.wav +1708,23,17,"chisinau, moldova",russian26,russian,female,1097,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for the brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go.",recordings/wav/russian26.wav +1709,21,14,"moscow, russia",russian27,russian,male,1191,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls tell her. Ask her to bring these things with her from the store.,recordings/wav/russian27.wav +1710,25,11,"minsk, belarus",russian28,russian,female,1198,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian28.wav +1711,21,6,"chisinau, moldova",russian29,russian,male,1254,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/russian29.wav +1712,35,6,"zaporizhzhya, ukraine",russian3,russian,female,303,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian3.wav +1713,18,12,"stavropol, russia",russian30,russian,male,1279,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian30.wav +1714,21,4,"tallinn, estonia",russian31,russian,male,1311,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her barrel bar. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things to free red bags and go meet her Wednesday at the train station.,recordings/wav/russian31.wav +1715,31,14,"kiev, ukraine",russian32,russian,female,1314,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with half of the store 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian32.wav +1716,24,17,"karaganda, kazakhstan",russian33,russian,female,1317,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fix tabs of blue cheese, and maybe a snack for her brother Bob will send you the small plastic snake and a big toy frog for the kids. She can squeeze these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian33.wav +1717,19,15,"vladivostok, russia",russian34,russian,male,1407,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons are fresh nourbese 5 thick slabs on blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for their kids. She can scoop these things into 3 red bags and will go meet her when his knee and train station.,recordings/wav/russian34.wav +1718,27,16,"dresden, germany",russian35,russian,male,1467,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed tabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags.",recordings/wav/russian35.wav +1719,25,20,"moscow, russia",russian36,russian,male,1518,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian36.wav +1720,31,10,"st. petersburg, russia",russian37,russian,male,1523,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellar ascarate bring these things with their from the store.,recordings/wav/russian37.wav +1721,84,18,"gomel, belarus",russian38,russian,male,1708,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this stinks with her from the store. 6 pools of fresh snow peas. 5 Take slapped on blue cheese and maybe as snack for her brother Bob. We all seen the small plastic snake.,recordings/wav/russian38.wav +1722,25,5,"brooklyn, new york, usa",russian39,russian,female,1750,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian39.wav +1723,68,38,"moscow, russia",russian4,russian,female,304,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things we've heard from the store. 6 sponsor of fresh Snow Peas 5.,recordings/wav/russian4.wav +1724,23,8,"bishkek, kyrgyzstan",russian40,russian,female,1774,kyrgyzstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian40.wav +1725,30,10,"nizhni novgorod, russia",russian41,russian,female,1844,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 tabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/russian41.wav +1726,24,4,"moscow, russia",russian42,russian,female,1924,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian42.wav +1727,27,8,"st. petersburg, russia",russian43,russian,female,1932,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her every bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/russian43.wav +1728,29,6,"penza, russia",russian44,russian,female,1947,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/russian44.wav +1729,68,14,"st. petersburg, russia",russian45,russian,female,2027,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian45.wav +1730,24,7,"perm, russia",russian46,russian,female,2105,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob would also need a small plastic snake and a big toy frog for the kids. She gets put these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian46.wav +1731,26,6,"saransk, russia",russian47,russian,female,2107,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob, but also need a small plastic snake and a big toy fried for the kids. She can skip these things into 3 red bags and will go out. Meet her Wednesday and the train station.",recordings/wav/russian47.wav +1732,29,6,"fergana, uzbekistan",russian48,russian,female,2137,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 rules of fresh Snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian48.wav +1733,25,15,"khabarovsk, russia",russian5,russian,female,305,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from their store. 6 spoons and threat of fresh snow. Pierce 5 thick slabs or blue cheese, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop this things until 3 red bags and we will go mad for him Wednesday and then train station.",recordings/wav/russian5.wav +1734,26,11,"moscow, russia",russian6,russian,female,306,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her home. From store 6 pounds of fresh snow peas, 5 stakes slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop all the think into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian6.wav +1735,54,13,"kiev, ukraine",russian7,russian,female,307,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop the sinks into 3 red bags and we will go meet her Wednesday as a train station.",recordings/wav/russian7.wav +1736,66,12,"moscow, russia",russian8,russian,male,308,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Miss Stella.,recordings/wav/russian8.wav +1737,23,7,"moscow, russia",russian9,russian,male,309,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian9.wav +1738,45,16,"byumba, rwanda",rwanda1,rwanda,male,1038,rwanda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pawns of fresh snow peas. If I've fixed lips of blue cheese and maybe a snack of her brother Bob.,recordings/wav/rwanda1.wav +1739,52,7,"riverside, small malaita, solomon islands",sa'a1,sa'a,male,1200,solomon islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/sa'a1.wav +1740,35,11,"zofingen, switzerland",sardinian1,sardinian,female,310,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 sticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and she will go meet her.",recordings/wav/sardinian1.wav +1741,21,10,"ndjamena, chad",sarua1,sarua,male,311,chad,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing.,recordings/wav/sarua1.wav +1742,41,6,"satawal island, yap state, federated states of micronesia",satawalese1,satawalese,male,312,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/satawalese1.wav +1743,30,6,"satawal island, yap state, federated states of micronesia",satawalese2,satawalese,female,313,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/satawalese2.wav +1744,47,47,"bosanska krupa, bosnia",serbian1,serbian,female,314,bosnia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Piece called Stella ask her to bring these things with her prompted store 6 pounds of fresh snow peas.,recordings/wav/serbian1.wav +1745,25,7,"belgrade, serbia",serbian10,serbian,male,727,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and the big toy frog fruit for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/serbian10.wav +1746,26,14,"belgrade, serbia",serbian11,serbian,male,744,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store.,recordings/wav/serbian11.wav +1747,25,11,"vranje, serbia",serbian12,serbian,female,894,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store. Six months or Fresno piece 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/serbian12.wav +1748,25,11,"teslic, bosnia and herzegovina",serbian13,serbian,female,945,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian13.wav +1749,26,20,"podgorica, montenegro",serbian14,serbian,female,988,montenegro,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, name the with her, with her from the store, 6 spoons of fresh snow Peas, 5 ticks slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian14.wav +1750,26,15,"tuzla, bosnia and herzegovina",serbian15,serbian,female,1079,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, five things, slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake snake and big toy frog from the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday on the train station.",recordings/wav/serbian15.wav +1751,33,9,"belgrade, serbia",serbian16,serbian,male,1157,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/serbian16.wav +1752,29,10,"belgrade, serbia",serbian17,serbian,female,1283,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons with fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/serbian17.wav +1753,22,11,"belgrade, serbia",serbian18,serbian,male,1542,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian18.wav +1754,36,15,"zrenjanin, serbia, yugoslavia",serbian2,serbian,male,315,yugoslavia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/serbian2.wav +1755,25,7,"belgrade, serbia",serbian3,serbian,male,530,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian3.wav +1756,27,15,"velika plana, serbia",serbian4,serbian,male,704,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/serbian4.wav +1757,35,6,"belgrade, serbia",serbian5,serbian,male,722,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll get we'll go meet her Wednesday and the train station.,recordings/wav/serbian5.wav +1758,33,12,"kraljevo, serbia",serbian6,serbian,male,723,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest. No peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/serbian6.wav +1759,31,7,"belgrade, serbia",serbian7,serbian,female,724,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her from the store. 6 bowls of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian7.wav +1760,44,20,"kraljevo, serbia",serbian8,serbian,male,726,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 bones of rational piece 5 ***** lives or blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big victory frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.,recordings/wav/serbian8.wav +1761,31,9,"kragujevac, serbia",serbian9,serbian,female,725,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas path, big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in free red bags and we will go meet her Wednesday at a train station.",recordings/wav/serbian9.wav +1762,39,18,"fatick, senegal",serer1,serer,male,780,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/serer1.wav +1763,52,6,"maseru, lesotho",sesotho1,sesotho,female,703,lesotho,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",The political Stella.,recordings/wav/sesotho1.wav +1764,34,16,"taunggyi, myanmar",shan1,shan,female,1967,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please 'cause there are hard to bring distinguish her from the stove 6 burner. Press snow peas.,recordings/wav/shan1.wav +1765,42,12,"malakal, sudan",shilluk1,shilluk,male,1028,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the straw.,recordings/wav/shilluk1.wav +1766,30,5,"bulawayo, zimbabwe",shona1,shona,female,599,zimbabwe,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/shona1.wav +1767,20,6,"harare, zimbabwe",shona2,shona,female,1442,zimbabwe,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/shona2.wav +1768,77,23,"fiumedinisi, sicily",sicilian1,sicilian,male,316,sicily,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call us there a ask her to bring those things with her from the store. 6 spoon of fresh Snow peas, 5 ticks club, slabs of blue cheese and maybe a snack for her brother Bob. We also need a smaller plastic snack snack answer in a big toy frog for the kids.",recordings/wav/sicilian1.wav +1769,26,8,"karachi, pakistan",sindhi1,sindhi,male,424,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/sindhi1.wav +1770,55,18,"colombo, sri lanka",sinhala6,sinhala,female,1912,sri lanka,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still lesser to bring then thin with her prom. The Store 6 super of.,recordings/wav/sinhala6.wav +1772,25,14,"kosice, slovak republic",slovak1,slovak,female,319,slovak republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three redbacks and we will go meet her Wednesday at the at the train station.",recordings/wav/slovak1.wav +1773,23,17,"piestany, slovak republic",slovak2,slovak,female,320,slovak republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of first Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into treated bags and we will go meet her Wednesday at the train station.",recordings/wav/slovak2.wav +1774,51,16,"nitra, slovak republic",slovak3,slovak,female,321,slovak republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas 5.,recordings/wav/slovak3.wav +1775,20,15,"bratislava, slovakia",slovak4,slovak,female,1178,slovakia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, thigh thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovak4.wav +1776,32,11,"povazska bystrika, slovakia",slovak5,slovak,female,1366,slovakia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 fixed lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovak5.wav +1777,25,6,"slovenj gradec, slovenia",slovenian1,slovenian,female,645,slovenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovenian1.wav +1778,20,4,"ljubljana, slovenia",slovenian2,slovenian,male,1053,slovenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovenian2.wav +1779,26,24,"mogadishu, somalia",somali1,somali,female,322,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring those things with her from.,recordings/wav/somali1.wav +1780,59,8,"erigavo, somalia",somali2,somali,male,577,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asking her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kitties. Can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/somali2.wav +1781,50,10,"borama, somalia",somali3,somali,female,600,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call is still a.,recordings/wav/somali3.wav +1782,25,7,"mogadishu, somalia",somali4,somali,female,1147,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her and we will go meet her Wednesday at the train station.",recordings/wav/somali4.wav +1783,39,18,"mogadishu, somalia",somali5,somali,male,1148,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/somali5.wav +1784,32,17,"hargeysa, somalia",somali6,somali,male,1149,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/somali6.wav +1785,24,17,"caracas, venezuela",spanish1,spanish,male,323,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons or fresh snowpeas 5 thick slab of blue cheese and maybe and snack for her brother. But we also need a small plastic snake and a big toy frog for the keys. She can scoop these things into 3 red bags and we will go.,recordings/wav/spanish1.wav +1786,48,47,"san luis de la reina, el salvador",spanish10,spanish,male,324,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella as her to bring these things with her from the store. 6 spoons on French, no peace fighting is loves of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish10.wav +1787,30,26,"iquitos, peru",spanish100,spanish,female,1508,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these scenes with her from the store.,recordings/wav/spanish100.wav +1788,39,19,"la union, el salvador",spanish101,spanish,female,1574,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing we hear from the store. Seek as far or the fresh snow peas. 5 think is war of the blue cheese and maybe a snack for the her brother Bob. We also need a small plastic snack and the big toy frog for the kid. She can escape this thing in turn. 3 red. Bud and.,recordings/wav/spanish101.wav +1789,31,26,"cochabamba, bolivia",spanish102,spanish,male,1575,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. Six response of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kiss. She can scoop these things in three red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish102.wav +1790,46,15,"san miguel, el salvador",spanish103,spanish,male,1584,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from their store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/spanish103.wav +1791,28,20,"san miguel, el salvador",spanish104,spanish,female,1600,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing.,recordings/wav/spanish104.wav +1792,41,10,"jerez de la frontera, spain",spanish105,spanish,female,1613,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish105.wav +1793,21,5,"lima, peru",spanish106,spanish,male,1621,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh, no peace 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She gets grouped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish106.wav +1794,36,14,"san salvador, el salvador",spanish107,spanish,male,1622,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her.,recordings/wav/spanish107.wav +1795,36,24,"medellin, colombia",spanish108,spanish,male,1629,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from for the store. 6 pounds of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags. I will go meet her Wednesday at the train station.,recordings/wav/spanish108.wav +1796,21,16,"maracay, venezuela",spanish109,spanish,male,1660,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please God Stella asked her to read the things we heard from the store. 6 spoons or fresh nosepiece. Fight pigs life of blue cheese and maybe it's not for her brother Bob. We also need a small plastic snake in a big toy for for the kids. She can screw these things into 3 red bags and we will give me her Wednesday and the train station.,recordings/wav/spanish109.wav +1797,49,28,"lima, peru",spanish11,spanish,female,325,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her.,recordings/wav/spanish11.wav +1798,20,18,"caracas, venezuela",spanish110,spanish,male,1680,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask hard to bring these things with her from the store. 6 spoons are fresh, no peace.",recordings/wav/spanish110.wav +1799,55,33,"santiago, chile",spanish111,spanish,male,1689,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish111.wav +1800,25,15,"la paz, bolivia",spanish112,spanish,male,1693,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob.",recordings/wav/spanish112.wav +1801,19,8,"cochabamba, bolivia",spanish113,spanish,male,1695,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/spanish113.wav +1802,22,8,"seville, spain",spanish114,spanish,female,1732,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked around these things without from the store. 6 spoons oppression opies 5 thick slabs of blue cheese, maybe snap for her brother Bob was a nice small plastic snake in victory flag for the cats. She comes cutest things in tooth fairy bags and will go meet him and stay at the train station.",recordings/wav/spanish114.wav +1803,58,8,"la paz, bolivia",spanish115,spanish,female,1744,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe it's not for her brother Bob. We also need a small plastic snake and a big toy frog, period.",recordings/wav/spanish115.wav +1804,37,6,"bogota, colombia",spanish116,spanish,male,1747,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish116.wav +1805,46,12,"madrid, spain",spanish117,spanish,male,1797,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish117.wav +1806,48,13,"monterrey, mexico",spanish118,spanish,female,1806,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, firestick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids chicken. Scoop these things into into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish118.wav +1807,40,11,"madrid, spain",spanish119,spanish,female,1807,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/spanish119.wav +1808,25,8,"oviedo, spain",spanish12,spanish,male,326,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call.,recordings/wav/spanish12.wav +1809,25,2,"bogota, colombia",spanish120,spanish,female,1823,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish120.wav +1810,34,21,"pasaquina, el salvador",spanish121,spanish,male,1826,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police,recordings/wav/spanish121.wav +1811,26,10,"toluca, mexico",spanish122,spanish,female,1831,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask us to bring these things with her from the store.,recordings/wav/spanish122.wav +1812,57,14,"ilbague, colombia",spanish123,spanish,female,1834,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish123.wav +1813,22,5,"santa cruz, bolivia",spanish124,spanish,male,1835,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things were heard from the store. 6 spoons of Personal piece 5 text lasso, blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in the big toy frog for the kids. She can scoot these things, integrar airbags and we will go meet her once day at the train station.",recordings/wav/spanish124.wav +1814,23,9,"lima, peru",spanish125,spanish,male,1840,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from here from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish125.wav +1815,54,5,"colon, panama",spanish126,spanish,female,1853,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call. Sheila asks her to bring these.,recordings/wav/spanish126.wav +1816,34,19,"san salvador, el salvador",spanish127,spanish,male,1860,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish127.wav +1817,30,7,"lima, peru",spanish128,spanish,female,1869,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish128.wav +1818,47,30,"havana, cuba",spanish129,spanish,female,1874,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/spanish129.wav +1819,29,11,"duitama, colombia",spanish13,spanish,female,327,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, from with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish13.wav +1820,27,21,"guayaquil, ecuador",spanish130,spanish,male,1891,ecuador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things to her from the store. 6 pounds of fresh snow pins. 5 thick slabs of blue cheese and maybe a snack of her brothers. But we also need a small plastic snake and a big toy frog for the kids so you can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish130.wav +1821,56,25,"havana, cuba",spanish131,spanish,male,1903,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please.,recordings/wav/spanish131.wav +1822,50,15,"rio piedras, puerto rico",spanish132,spanish,female,1904,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh SMPS, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish132.wav +1823,38,19,"cochabamba, bolivia",spanish133,spanish,male,1916,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish133.wav +1824,41,13,"la union, el salvador",spanish134,spanish,female,1921,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her mom with from the store 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from the kids chicken. Scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish134.wav +1825,41,22,"santiago de cuba, cuba",spanish135,spanish,female,1923,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.,recordings/wav/spanish135.wav +1826,49,8,"santiago, chile",spanish136,spanish,male,1949,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/spanish136.wav +1827,24,21,"santa ana, el salvador",spanish137,spanish,female,1979,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things we with her from the store. 6 span of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also needed a small plastic snake in a big toy frog from the kit for the kids. She can't scoops.",recordings/wav/spanish137.wav +1828,24,16,"san miguel, el salvador",spanish138,spanish,female,1980,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things we hear from the store. 6 spoons of fresh snow peas fighting labs with blue cheese, and maybe it's not for her brother bought. He also needs more plastic, snake, snake and a big toy for for the kids. Chicken is good. These things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/spanish138.wav +1829,50,38,"guatemala city, guatemala",spanish139,spanish,male,1981,guatemala,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids she can scoop.,recordings/wav/spanish139.wav +1830,34,15,"pereira, colombia",spanish14,spanish,female,328,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her front list or six spoons of fresh snow peas. Fight things slapped with blue cheese and maybe I snack for her brother Bob.,recordings/wav/spanish14.wav +1831,37,31,"cochabamba, bolivia",spanish140,spanish,female,1985,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish140.wav +1832,24,12,"la union, el salvador",spanish141,spanish,male,2009,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish141.wav +1833,59,8,"san salvador, el salvador",spanish142,spanish,female,2016,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish142.wav +1834,45,6,"oviedo, spain",spanish143,spanish,male,2026,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish143.wav +1835,33,23,"florencia, zacatecas, mexico",spanish144,spanish,female,2051,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish144.wav +1836,37,21,"florencia, zacatecas, mexico",spanish145,spanish,female,2052,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish145.wav +1837,25,18,"las palmas, oaxaca, mexico",spanish146,spanish,male,2057,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing with her from the store.,recordings/wav/spanish146.wav +1838,26,15,"puerto_cabezas, nicaragua",spanish147,spanish,male,2078,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella at ask her to bring this this. This didn't with her from the store 6 point of fresh snow Peas 5 **** slab of blue cheese.,recordings/wav/spanish147.wav +1839,19,11,"la ceiba, honduras",spanish148,spanish,male,2079,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with here from the store seeks spoons of fresh snow peas. Fight tick slams of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and big toy frog for the kids. She can spook scoop these things.",recordings/wav/spanish148.wav +1840,23,22,"bilwi, puerto cabezas, nicaragua",spanish149,spanish,male,2091,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as her to bring to sell Steam Video here from this story.,recordings/wav/spanish149.wav +1841,54,4,"san juan, puerto rico",spanish15,spanish,male,329,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of precious Note piece 5 fixes. Lot of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a victory flow for the kids. Chicken is cooked these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/spanish15.wav +1842,18,13,"bilwi, puerto cabezas, nicaragua",spanish150,spanish,male,2094,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring cheese thing with her. From this turn 6 point of fresh snow peas, 5 tick blend of blue cheese and maybe a snack for her brother bomb. We also need a small plastic snake and a big toy from for the kids she can school.",recordings/wav/spanish150.wav +1843,58,50,"bilwas karma, rio coco, nicaragua",spanish151,spanish,female,2096,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with here from the store. 6 points of friends now peace.,recordings/wav/spanish151.wav +1844,51,25,"barcelona, spain",spanish152,spanish,male,2100,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish152.wav +1845,21,10,"bogota, colombia",spanish153,spanish,male,2118,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from this story. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go and meet her Wednesday at the train station.",recordings/wav/spanish153.wav +1846,30,4,"montevideo, uruguay",spanish154,spanish,male,2127,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/spanish154.wav +1847,27,9,"lima, peru",spanish155,spanish,male,2130,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish155.wav +1848,65,8,"montevideo, uruguay",spanish156,spanish,female,2142,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish156.wav +1849,19,3,"mexico city, mexico",spanish157,spanish,female,2144,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into a red bag and we can go meet her Wednesday at the train station.",recordings/wav/spanish157.wav +1850,54,37,"santurce, puerto rico",spanish158,spanish,female,2148,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella, asked her to print this team with her from the store. 6 spoon of fresh snow peas, fojtik slope of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy fraud for the kids.",recordings/wav/spanish158.wav +1851,29,21,"san salvador, el salvador",spanish159,spanish,male,2149,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Very good you're ready. Yeah, OK, go ahead.",recordings/wav/spanish159.wav +1852,44,25,"buenos aires, argentina",spanish16,spanish,male,330,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/spanish16.wav +1853,20,7,"bogota, colombia",spanish160,spanish,male,2150,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe the snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish160.wav +1854,56,32,"leon, nicaragua",spanish161,spanish,female,2156,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella as her to bring this thing with her from the story.,recordings/wav/spanish161.wav +1855,28,5,"mexico city, mexico",spanish162,spanish,male,2169,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things from the store.,recordings/wav/spanish162.wav +1856,22,9,"puebla, mexico",spanish17,spanish,female,331,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thicker slabs of blue cheese and maybe his a snack for her brother Bob.",recordings/wav/spanish17.wav +1857,22,17,"la paz, bolivia",spanish18,spanish,male,332,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish18.wav +1858,25,17,"havana, cuba",spanish19,spanish,female,333,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as her to bring these things with her from the store. 6 spoons with fresh snow peas.,recordings/wav/spanish19.wav +1859,20,12,"puerto la cruz, venezuela",spanish2,spanish,male,334,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 550 snaps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish2.wav +1860,45,30,"managua, nicaragua",spanish20,spanish,male,335,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the storm. Six more fresh is not peace.,recordings/wav/spanish20.wav +1861,25,18,"santiago, chile",spanish21,spanish,male,336,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing we hear from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big child frog for decades. She can scoop this thing into three rats.",recordings/wav/spanish21.wav +1862,32,11,"madrid, spain",spanish22,spanish,female,337,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish22.wav +1863,22,7,"santiago, chile",spanish23,spanish,male,338,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 booms or fresh snowpeas 5 thick slabs with blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big tour frog for the kids. She can scoop these things into 3 red backs and we will go meet her Wednesday at the train station.,recordings/wav/spanish23.wav +1864,27,5,"mexico city, mexico",spanish24,spanish,male,339,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish24.wav +1865,26,21,"san jose, costa rica",spanish25,spanish,male,340,costa rica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from the store. 6 spoons of fresh snow peas by a thick slab of blue cheese and maybe a snack from her brother, but.",recordings/wav/spanish25.wav +1866,18,6,"burgos, spain",spanish26,spanish,male,341,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy throw for the kids. She can scoop these things into 3 red box and we will meet her Wednesday at the train station.",recordings/wav/spanish26.wav +1867,34,14,"zaragoza, spain",spanish27,spanish,male,342,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish27.wav +1868,20,18,"san miguel, el salvador",spanish28,spanish,female,343,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh is no peace. 5 thick slabs of blue cheese.,recordings/wav/spanish28.wav +1869,18,10,"maracaibo, zulia, venezuela",spanish29,spanish,male,410,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/spanish29.wav +1870,17,16,"bogota, colombia",spanish3,spanish,female,344,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow beans, five things, slabs of blue cheese and maybe I snag for her brother Bob.",recordings/wav/spanish3.wav +1871,18,5,"buenos aires, argentina",spanish30,spanish,male,441,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish30.wav +1872,31,7,"guayaquil, ecuador",spanish31,spanish,female,449,ecuador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing with her from the store. 6 spoons of fresh snow peas. Fight think slaps.,recordings/wav/spanish31.wav +1873,26,22,"santa cruz, bolivia",spanish32,spanish,male,450,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish32.wav +1874,18,15,"caracas, venezuela",spanish33,spanish,male,467,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring in these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish33.wav +1875,28,11,"cartagena, spain",spanish34,spanish,male,476,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish34.wav +1876,28,17,"mexico city, mexico",spanish35,spanish,male,479,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought.",recordings/wav/spanish35.wav +1877,27,25,"montevideo, uruguay",spanish36,spanish,male,499,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob Wilson. Lead a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish36.wav +1878,50,17,"tegucigalpa, honduras",spanish37,spanish,female,575,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish37.wav +1879,53,13,"tegucigalpa, honduras",spanish38,spanish,male,576,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/spanish38.wav +1880,20,3,"pamplona, spain",spanish39,spanish,male,614,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Escort to bring these things with her from the store.,recordings/wav/spanish39.wav +1881,21,17,"cabanas, el salvador",spanish4,spanish,female,345,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish4.wav +1882,20,6,"cartago, costa rica",spanish40,spanish,male,644,costa rica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to print this. Simply having the store 6 pounds of fresh snow peas fight this level blue cheese and maybe as a foreign power pop Wilson it's more plastic. His neck, a big toy. For tickets she can dispute this thing into Tyra Banks if we go meeting Wednesday at the train station.",recordings/wav/spanish40.wav +1883,25,6,"bonao, dominican republic",spanish41,spanish,male,706,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish41.wav +1884,80,18,"bogota, colombia",spanish42,spanish,female,712,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish42.wav +1885,43,16,"santiago-dr, dominican republic",spanish43,spanish,male,714,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please please call stellah.,recordings/wav/spanish43.wav +1886,37,4,"la romana, dominican republic",spanish44,spanish,female,716,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish44.wav +1887,47,12,"santiago-dr, dominican republic",spanish45,spanish,female,715,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/spanish45.wav +1888,33,14,"santo domingo, dominican republic",spanish46,spanish,male,717,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. Said spoons of rational piece by thick slabs of blue cheese and maybe snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish46.wav +1889,25,12,"santo domingo, dominican republic",spanish47,spanish,female,718,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from with her from the store. 6 pounds of fresh snow peas, 5 stick lives of blue cheese and maybe as knack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She calls coop chicken. Scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish47.wav +1890,21,6,"bilbao, spain",spanish48,spanish,male,731,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things without from store 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe his knack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags.,recordings/wav/spanish48.wav +1891,31,6,"tandil, argentina",spanish49,spanish,male,732,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. Will we also need a small plastic snake and a big toy frog for the kids? She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish49.wav +1892,52,13,"bogota, colombia",spanish5,spanish,female,346,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three bread bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish5.wav +1893,27,15,"santo domingo, dominican republic",spanish50,spanish,male,752,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to win these things with her from the store. 6 spoons is fresh know peace. 5 thick slabs of blue cheese and maybe as night for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at train station.,recordings/wav/spanish50.wav +1894,20,6,"caguas, puerto rico",spanish51,spanish,male,753,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as her to bring these things with her from the store. 6 Spooner first snowpeas fighting slash or blue sheets and maybe it's not for her brother Bob. We also need a small party snake and a big toy for for the kids. She can scoop this thing into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish51.wav +1895,29,21,"popayan, cauca, colombia",spanish52,spanish,female,777,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish52.wav +1896,33,6,"bogota, colombia",spanish53,spanish,male,797,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoon of fresh snow peas, five thanks slabs of blue cheese and maybe his knack for her brother Bob.",recordings/wav/spanish53.wav +1897,25,18,"vina del mar, chile",spanish54,spanish,male,800,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with help from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/spanish54.wav +1898,36,9,"tandil, argentina",spanish55,spanish,male,810,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish55.wav +1899,22,8,"monterrey, mexico",spanish56,spanish,male,838,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snag for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red backs and we will go meet her Wednesday at the train station.,recordings/wav/spanish56.wav +1900,33,11,"montevideo, uruguay",spanish57,spanish,male,886,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snag for her brother Bob. We also need a small plastic snake and a big toy frog for the kit.",recordings/wav/spanish57.wav +1901,31,18,"bogota, colombia",spanish58,spanish,male,906,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish58.wav +1902,31,5,"mayaguez, puerto rico",spanish59,spanish,female,908,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish59.wav +1903,20,19,"lima, peru",spanish6,spanish,male,347,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow Peas 5 takes slaps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/spanish6.wav +1904,18,9,"santiago-dr, dominican republic",spanish60,spanish,female,915,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 blooms of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish60.wav +1905,67,39,"azuaga, spain",spanish61,spanish,male,924,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store she spoon of fresh snow peas 5 thick slab of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy frog for the kid. She can scoop this thing into three draft back.",recordings/wav/spanish61.wav +1906,63,19,"buenos aires, argentina",spanish62,spanish,female,925,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish62.wav +1907,32,10,"la coruna, spain",spanish63,spanish,female,959,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store.,recordings/wav/spanish63.wav +1908,28,12,"medellin, colombia",spanish64,spanish,male,962,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 forms of fresh snow peas fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish64.wav +1909,32,12,"barranquilla, colombia",spanish65,spanish,male,1069,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask. It'll bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish65.wav +1910,30,12,"san salvador, el salvador",spanish66,spanish,male,1077,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish66.wav +1911,48,14,"santa marta, colombia",spanish67,spanish,female,1111,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from this store. Seek spoons of fresh snow peas. 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday.,recordings/wav/spanish67.wav +1912,27,14,"san fernando, chile",spanish68,spanish,male,1227,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish68.wav +1913,20,7,"caracas, venezuela",spanish69,spanish,female,1229,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish69.wav +1914,21,20,"bogota, colombia",spanish7,spanish,female,348,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow snow beans. Five things this love of blue cheese and maybe a snack for her brother Bob.,recordings/wav/spanish7.wav +1915,30,10,"bogota, colombia",spanish70,spanish,female,1230,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. Fight big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to. We will go meet her Wednesday at the train station.,recordings/wav/spanish70.wav +1916,24,6,"rosario, argentina",spanish71,spanish,male,1231,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bangs and we will go meet her Wednesday at the train station.",recordings/wav/spanish71.wav +1917,20,5,"miami, florida, usa",spanish72,spanish,female,1238,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish72.wav +1918,19,15,"merida, venezuela",spanish73,spanish,male,1240,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring their feelings with help from this tool to explain the operational piece 5 fix slab of load sheets and maybe a snack for her brother Ball. Wilson is a small practicing again at big Talk for for the kids. She can scoop these things into three right backs and we will go meet Wednesday at the train station.,recordings/wav/spanish73.wav +1919,44,14,"zaragoza, spain",spanish74,spanish,male,1249,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to print these things with her from the store. 6 spoons of Fresno piece 5 thick slabs of blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish74.wav +1920,28,5,"lima, peru",spanish75,spanish,female,1273,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish75.wav +1921,27,10,"la paz, bolivia",spanish76,spanish,male,1290,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons for fresh snow peas. 5 fixed lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish76.wav +1922,45,13,"jalisco, mexico",spanish77,spanish,male,1301,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from Store 6 Spoons fresh Snow peas, 5 thick slabs, blue cheese and maybe snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids chicken scoop these things into 3 red bags and we will go man her Wednesday at the train station.",recordings/wav/spanish77.wav +1923,55,5,"lima, peru",spanish78,spanish,female,1338,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frank for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish78.wav +1924,70,22,"lamas, peru",spanish79,spanish,female,1344,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call is stale and ask her to bring these things with her from the store. 6 spoons of race is no peace fight. Thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy flop for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish79.wav +1925,21,12,"san salvador, el salvador",spanish8,spanish,male,349,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas fight takes loves of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/spanish8.wav +1926,77,75,"bogota, colombia",spanish80,spanish,female,1346,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estelle. Ask her to bring these things with help from the Store 6 spawned as phrase is no peace 5 fightings in love or blue cheese and maybe a snack for the broader goal.,recordings/wav/spanish80.wav +1927,63,7,"san juan, puerto rico",spanish81,spanish,female,1347,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her for being these things with her from the Store 6 bones or of fresh snow peas. Fight fix slab of blue cheese and maybe a snack of her brother brother but he we also need a small plastic snake and big toy to flock of the kids she can.,recordings/wav/spanish81.wav +1928,49,14,"la paz, bolivia",spanish82,spanish,male,1396,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish82.wav +1929,48,14,"la paz, bolivia",spanish83,spanish,male,1397,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish83.wav +1930,19,4,"buenos aires, argentina",spanish84,spanish,female,1398,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/spanish84.wav +1931,44,6,"buenos aires, argentina",spanish85,spanish,female,1399,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh nose piece.,recordings/wav/spanish85.wav +1932,23,4,"buenos aires, argentina",spanish86,spanish,male,1400,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish86.wav +1933,55,9,"la paz, bolivia",spanish87,spanish,male,1401,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things from her from the store.,recordings/wav/spanish87.wav +1934,53,25,"la paz, bolivia",spanish88,spanish,male,1402,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish88.wav +1935,22,13,"monterrey, mexico",spanish89,spanish,male,1425,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet with her Wednesday at the train station.",recordings/wav/spanish89.wav +1936,20,17,"araure, venezuela",spanish9,spanish,male,350,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. See Spoon 6 spoon of fresh snow peas. 5 stick slabs of blue cheese and maybe a snack for her brother but.,recordings/wav/spanish9.wav +1937,23,3,"caracas, venezuela",spanish90,spanish,female,1431,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her once they at the train station.",recordings/wav/spanish90.wav +1938,20,7,"caracas, venezuela",spanish91,spanish,female,1433,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish91.wav +1939,54,9,"cardenas, cuba",spanish92,spanish,male,1435,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of a blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish92.wav +1940,29,18,"santa rosa, honduras",spanish93,spanish,female,1436,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fruit for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish93.wav +1941,19,6,"bogota, colombia",spanish94,spanish,male,1439,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 spoons who fresh snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids. She can scoop these things up into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/spanish94.wav +1942,31,21,"juarez, mexico",spanish95,spanish,female,1444,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call.,recordings/wav/spanish95.wav +1943,29,12,"arequipa, peru",spanish96,spanish,female,1449,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe it's nap for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish96.wav +1944,52,19,"bogota, colombia",spanish97,spanish,female,1450,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things for her, for the from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish97.wav +1945,34,29,"veracruz, mexico",spanish98,spanish,male,1451,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow peas, 5 thick slabs.",recordings/wav/spanish98.wav +1946,20,4,"lima, peru",spanish99,spanish,female,1506,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish99.wav +1947,37,15,"kuningan, indonesia",sundanese1,sundanese,female,457,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/sundanese1.wav +1948,24,18,"conakry, guinea",susu1,susu,male,1008,guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring the things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Barb. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/susu1.wav +1949,56,11,"solna, sweden",swedish1,swedish,female,351,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/swedish1.wav +1950,19,9,"lidkoping, sweden",swedish10,swedish,female,1065,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/swedish10.wav +1951,36,10,"espoo, finland",swedish11,swedish,female,1195,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob, and we also need a small plastic snake and a big toy frog for for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish11.wav +1952,23,7,"malmo, sweden",swedish12,swedish,male,1441,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police call stuff. I asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish12.wav +1953,28,10,"umea, sweden",swedish13,swedish,female,1445,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack from her brother Bob.,recordings/wav/swedish13.wav +1954,23,9,"vetlanda, sweden",swedish14,swedish,male,1752,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/swedish14.wav +1955,22,12,"stokholm, sweden",swedish15,swedish,male,1824,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/swedish15.wav +1956,39,11,"goteborg, sweden",swedish16,swedish,female,1836,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish16.wav +1957,20,8,"farjestaden, sweden",swedish17,swedish,female,1861,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new Snow peas, 5 thick slabs of cheese, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish17.wav +1958,42,8,"lulea, sweden",swedish18,swedish,male,1992,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/swedish18.wav +1959,50,12,"ekenas, finland",swedish19,swedish,male,2011,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a broader Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop. These things seem to three red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish19.wav +1960,20,10,"uppsala, sweden",swedish2,swedish,male,352,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked bringing these things with her from Store 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/swedish2.wav +1961,31,7,"karlstad, sweden",swedish20,swedish,male,2065,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/swedish20.wav +1962,24,10,"stockholm, sweden",swedish3,swedish,male,353,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and Maple. Snack for her brother Bob. We also need a small plastic snake and a big boy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish3.wav +1963,22,10,"lulea, sweden",swedish4,swedish,male,354,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/swedish4.wav +1964,18,13,"goteborg, sweden",swedish5,swedish,male,454,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother. Bob Wilson. Need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish5.wav +1965,26,7,"goteborg, sweden",swedish6,swedish,male,620,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things will from store 6 spoons of fresh snow peas, 5-6 labs and blue cheese and maybe a snack for a brown Bob. Norman Lee is more plastic snake in a big toy frog full of kids. She can scoop these things into free red bags and will go meet on Wednesday at the train station.",recordings/wav/swedish6.wav +1966,21,11,"sollentuna, sweden",swedish7,swedish,female,630,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and will go to meet her Wednesday at the train station.",recordings/wav/swedish7.wav +1967,22,10,"helsinki, finland",swedish8,swedish,female,701,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish8.wav +1968,20,10,"uddevalla, sweden",swedish9,swedish,male,1027,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things sweater from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a broader Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish9.wav +1969,54,17,"sylhet, bangladesh",sylheti1,sylheti,male,711,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please.,recordings/wav/sylheti1.wav +1970,0,0,,synthesized1,synthesized,male,355,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her reading, listening with her from the Store 6 through the Rational Piece, 5 days left, the Blue team and maybe a snack for her brother Bob. We also need a small plastic snake and eventually tried for the kids. She can screw these things internally, red bags and we will complete her Wednesday at the train station.",recordings/wav/synthesized1.wav +1971,0,0,,synthesized2,synthesized,female,356,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella astral ring.,recordings/wav/synthesized2.wav +1972,0,0,,synthesized3,synthesized,female,357,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/synthesized3.wav +1973,0,0,,synthesized4,synthesized,male,358,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/synthesized4.wav +1974,18,10,"manila, philippines",tagalog1,tagalog,male,359,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids. She can cook these things into three big bags and we will go meet her Wednesday at the train station.",recordings/wav/tagalog1.wav +1975,39,6,"manila, philippines",tagalog10,tagalog,female,1812,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 redbud bags and we will go on meet her when I stay at a train station.",recordings/wav/tagalog10.wav +1976,59,11,"manila, philippines",tagalog11,tagalog,female,1837,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoon of Fresno peace pipe. Thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids she can scoop.,recordings/wav/tagalog11.wav +1977,33,5,"legaspi, philippines",tagalog12,tagalog,female,1851,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/tagalog12.wav +1978,76,7,"manila, philippines",tagalog13,tagalog,female,1954,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella.,recordings/wav/tagalog13.wav +1979,47,17,"legaspi, philippines",tagalog14,tagalog,female,2002,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the Store 6 spoon or fresh snowpeas 5 thick slab of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy prog for the kids. She can scoop this thing into 3 red bags and we will go meet her.,recordings/wav/tagalog14.wav +1980,35,1,"manila, philippines",tagalog15,tagalog,female,2108,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tagalog15.wav +1981,20,4.5,"san pedro laguna, philippines",tagalog16,tagalog,male,2128,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog16.wav +1982,21,6,"alexandria, virginia, usa",tagalog17,tagalog,male,2146,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog17.wav +1983,77,8,"manila, philippines",tagalog18,tagalog,female,2147,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red balls and will will go meet him Wednesday at the train station.",recordings/wav/tagalog18.wav +1984,21,7,"urdaneta, luzon, philippines",tagalog2,tagalog,female,360,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/tagalog2.wav +1985,19,1,"honiara, guadalcanal, solomon islands",tagalog3,tagalog,female,361,solomon islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow bees. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/tagalog3.wav +1986,48,7,"san fernando, la union, philippines",tagalog4,tagalog,female,470,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas 5-6 laps or blue cheese and maybe a snack for my brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/tagalog4.wav +1987,42,5,"tarlac city, philippines",tagalog5,tagalog,female,677,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/tagalog5.wav +1988,20,4,"quezon city, philippines",tagalog6,tagalog,male,805,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/tagalog6.wav +1989,60,6,"manila, philippines",tagalog7,tagalog,male,1364,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog7.wav +1990,62,7,"cabanatuan city, philippines",tagalog8,tagalog,female,1627,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella asked her to bring these things with her from the store. 6 sponsor Presno piece by big slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy prog border. Kids second scoop these three things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/tagalog8.wav +1991,48,7,"manila, philippines",tagalog9,tagalog,male,1764,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog9.wav +1992,21,7,"taishan, guangdong, china",taishan1,taishan,male,362,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/taishan1.wav +1993,36,13,"ping tung, taiwan",taiwanese1,taiwanese,female,363,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","A place called Sadler asks her to bring these things with her from the store. With her from the store, 6 springs of fresh snow pea piece. 5 think step.",recordings/wav/taiwanese1.wav +1994,24,17,"taipei, taiwan",taiwanese2,taiwanese,female,364,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 pounds of fresh snow.,recordings/wav/taiwanese2.wav +1995,30,13,"tainan, taiwan",taiwanese3,taiwanese,female,365,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/taiwanese3.wav +1996,45,21,"kao-hsiung, taiwan",taiwanese4,taiwanese,female,366,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella answer to bring these things with her from store.,recordings/wav/taiwanese4.wav +1997,27,15,"tainan, taiwan",taiwanese5,taiwanese,male,481,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Pre started city to ask her to bring these scenes with her from the store. She's spoons of fresh snow space fights, 6 syllables of blue cheese and maybe a snack for her brother. But we also need a small pretty snake and a big toy for for for the kids. She can scoop this scene in 2-3 Red Bag and we will go meet her.",recordings/wav/taiwanese5.wav +1998,33,13,"tai chung, taiwan",taiwanese6,taiwanese,female,828,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons are fresh snow peas 5-6 laps or blue cheese and maybe a snake for her brother Bob.,recordings/wav/taiwanese6.wav +1999,65,35,"taipei, taiwan",taiwanese7,taiwanese,female,1864,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, fight deck slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy walk for the cat seeking scoop these things.",recordings/wav/taiwanese7.wav +2000,54,13,"tainan, taiwan",taiwanese8,taiwanese,female,2136,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/taiwanese8.wav +2001,19,7,"khujand, tajikistan",tajiki1,tajiki,male,2110,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of Fresno piece. 5-6 slabs of blue cheese and maybe a snack snack for the brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can cook these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/tajiki1.wav +2002,19,12,"khujand, tajikistan",tajiki2,tajiki,female,2175,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for frog for the kids. She can scoop these things into 3 red bags and he will go to meet her Wednesday at the train station.",recordings/wav/tajiki2.wav +2003,19,10,"khujand, tajikistan",tajiki3,tajiki,female,2176,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new piece, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for for the kids. She can scoop these things into three bag red bags and we will go meet her Wednesday at the train station.",recordings/wav/tajiki3.wav +2004,39,7,"colombo, sri lanka",tamil1,tamil,male,367,sri lanka,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with the from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/tamil1.wav +2005,35,4,"madras, tamil nadu, india",tamil2,tamil,female,429,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wetness day at the train station.",recordings/wav/tamil2.wav +2006,26,10,"chennai, india",tamil3,tamil,male,531,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Walker to bring these things with her from the store. 6 springs of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scared these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/tamil3.wav +2007,58,3,"colombo, sri lanka",tamil4,tamil,female,1647,sri lanka,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/tamil4.wav +2008,36,5,"coimbatore, tamil nadu, india",tamil5,tamil,female,1723,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tamil5.wav +2009,47,6,"bangalore, karnataka, india",tamil6,tamil,female,2076,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tamil6.wav +2010,29,10,"kargali, tatarstan, russia",tatar1,tatar,female,368,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/tatar1.wav +2011,31,6,"kadapa, india",telugu1,telugu,male,369,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/telugu1.wav +2012,18,6,"guntur, andhra pradesh, india",telugu2,telugu,male,370,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow pins.,recordings/wav/telugu2.wav +2013,21,10,"kono, sierra leone",temne1,temne,male,1905,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this.,recordings/wav/temne1.wav +2014,59,8,"guangdong province, guangdong, china",teochew1,teochew,female,569,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. Said spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into tree red bags and we'll meet her Wednesday at the train station.,recordings/wav/teochew1.wav +2015,25,10,"khon kaen, thailand",thai1,thai,female,371,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Peace Corps Delrae asked her to bring these things with her from the store. 6 spoons are face, no peace, 556 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/thai1.wav +2016,30,6,"bangkok, thailand",thai10,thai,male,1488,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoon of fresh snow peas fight **** slaps a blue cheese and maybe a snack for her brother. Bar will also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will meet her Wednesday at the train station.,recordings/wav/thai10.wav +2017,18,13,"bang na, thailand",thai11,thai,male,1673,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls at all. I ask her to bring these thing with her from the SATA 6 aponar fresh Snow Pea 5 **** celeb of blue cheers and maybe a snack for her brother Bob.,recordings/wav/thai11.wav +2018,33,8,"bangkok, thailand",thai12,thai,male,1721,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/thai12.wav +2019,69,7,"nakhon si thammarat, thailand",thai13,thai,female,1829,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/thai13.wav +2020,39,10,"bangkok, thailand",thai14,thai,female,2066,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her. Formed the Store 6 spoons of fresh Snow Peas 5 ***** throb.,recordings/wav/thai14.wav +2021,19,7,"bangkok, thailand",thai15,thai,female,2131,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a stack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/thai15.wav +2022,20,10,"chiang mai, thailand",thai2,thai,male,372,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh new piece 5.,recordings/wav/thai2.wav +2023,22,4,"bangkok, thailand",thai3,thai,male,373,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/thai3.wav +2024,23,7,"songkhla, thailand",thai4,thai,female,448,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 points of Fresno piece 5 bits left up ******** and maybe a snack for her brother. But we also need a small plastic neck and a big toy frog for the kids. She can scoop these things into tree list best and we will commit her Wednesday at the train station.,recordings/wav/thai4.wav +2025,25,10,"bangkok, thailand",thai5,thai,male,612,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring face things with her from the store. 6 spoons of fresh Snow peas 5 fixed lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skoufis things into three Rd backs and we will go meet her when stay at the train station.,recordings/wav/thai5.wav +2026,27,11,"sukhothai, thailand",thai6,thai,male,698,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Peace Corps Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas fight thick slabs of ********* and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy for for the kids. She can scoop this thing into three late bags and we will go meet her Wednesday at the train station.,recordings/wav/thai6.wav +2027,26,10,"phrae, thailand",thai7,thai,female,898,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 spoon off lesson OP. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for for the kids. She can scoop this thing into three, let bags and we will go meet her Wednesday at the train station.",recordings/wav/thai7.wav +2028,37,25,"bangkok, thailand",thai8,thai,male,1055,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Beats cost error after to bring these things with her from this store.,recordings/wav/thai8.wav +2029,18,6,"bangkok, thailand",thai9,thai,female,1103,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas. 5 takes up a blue sheets here. Maybe a snack for her brother Bob.,recordings/wav/thai9.wav +2030,26,13,"lhasa, tibet",tibetan1,tibetan,female,374,tibet,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new piece, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tibetan1.wav +2031,41,35,"khamba, tibet",tibetan2,tibetan,female,375,tibet,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tibetan2.wav +2032,20,7,"mysore, india",tibetan3,tibetan,female,376,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call shell.,recordings/wav/tibetan3.wav +2033,25,17,"adigrat, ethiopia",tigrigna1,tigrigna,female,377,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 points of French friends, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snack and a big toy for frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at.",recordings/wav/tigrigna1.wav +2034,23,20,"asmara, eritrea",tigrigna2,tigrigna,female,378,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow, Snow peas, 5 thick slabs of blue cheese and maybe it's not for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this.",recordings/wav/tigrigna2.wav +2035,44,7,"asmara, eritrea",tigrigna3,tigrigna,male,379,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing. Zing things with her from the store. 6 spoons of fresh snow bees 5 stick slab of blue cheese.,recordings/wav/tigrigna3.wav +2036,52,14,"asmara, eritrea",tigrigna4,tigrigna,female,588,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella ask her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/tigrigna4.wav +2037,45,10,"asmara, eritrea",tigrigna5,tigrigna,male,1107,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/tigrigna5.wav +2038,58,15,"adigrat, ethiopia",tigrigna6,tigrigna,female,1151,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother back.",recordings/wav/tigrigna6.wav +2039,37,7,"asmara, eritrea",tigrigna7,tigrigna,female,1855,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh snap beans. 5 thick slabs of blue cheese and maybe a snack for her brother bump. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into her rate.,recordings/wav/tigrigna7.wav +2040,35,7,"asmara, eritrea",tigrigna8,tigrigna,male,2054,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tigrigna8.wav +2041,31,7,"kalamare, botswana",tswana1,tswana,male,488,botswana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things on 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/tswana1.wav +2042,32,6,"lobatse, botswana",tswana2,tswana,female,1183,botswana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tswana2.wav +2043,27,26,"bingol, turkey",turkish1,turkish,female,381,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/turkish1.wav +2044,27,11,"ankara, turkey",turkish10,turkish,male,578,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of personal piece, five tech slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish10.wav +2045,24,23,"kocaeli, turkey",turkish11,turkish,female,634,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella at scared bring these things which are from store 6 pounds of fresh snow peas, phatic slabs of blue cheese and maybe a snack for our brother pub. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet or Wednesday at the train station.",recordings/wav/turkish11.wav +2046,25,20,"giresun, turkey",turkish12,turkish,male,672,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 seconds of Rational piece, 5 ticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/turkish12.wav +2047,18,3,"istanbul, turkey",turkish13,turkish,female,686,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish13.wav +2048,23,6,"istanbul, turkey",turkish14,turkish,female,735,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the start. 6 pounds of fresh snow peas, 5 big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big talk for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish14.wav +2049,18,10,"ankara, turkey",turkish15,turkish,male,736,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask a green basing towards her from the store. Six months of Fresno piece, 5-6 steps of blue cheese and maybe a snack for Brother Bug. We also need a small plastic snake in the big top for outboard kids. She can skip these things into two red bags and will go meet her Wednesday at train station.",recordings/wav/turkish15.wav +2050,25,12,"kars, turkey",turkish16,turkish,male,745,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish16.wav +2051,31,6,"ankara, turkey",turkish17,turkish,male,763,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother, but we also need a small plastic snake and a big toy frog for the kiss. She can scoop these things into 3 red bags and we will go meet our Wednesday to train station.",recordings/wav/turkish17.wav +2052,27,9,"stuttgart, germany",turkish18,turkish,male,926,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stock 6 spoons of race. No peaceful take steps.,recordings/wav/turkish18.wav +2053,25,18,"istanbul, turkey",turkish19,turkish,male,971,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three red bags and we will go meet her Wednesday at train station.",recordings/wav/turkish19.wav +2054,24,16,"ankara, turkey",turkish2,turkish,male,382,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her ask her to bring these things we did with her from the store. Six months, 6 spoons or fresh snow peas.",recordings/wav/turkish2.wav +2055,19,9,"kocaeli, turkey",turkish20,turkish,female,1144,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask order bring these things with her from the store.,recordings/wav/turkish20.wav +2056,18,4,"istanbul, turkey",turkish21,turkish,female,1210,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish21.wav +2057,23,6,"istanbul, turkey",turkish22,turkish,male,1282,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, five pick slabs of blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and a big choice for for the kids. She can Scooby strings into free backpacks and we will go meet her Wednesday at the train station.",recordings/wav/turkish22.wav +2058,37,11,"adana, turkey",turkish23,turkish,female,1291,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Escort to bring these things which are from the store.,recordings/wav/turkish23.wav +2059,31,12,"istanbul, turkey",turkish24,turkish,male,1329,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/turkish24.wav +2060,32,26,"kars, turkey",turkish25,turkish,male,1570,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. I ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob.",recordings/wav/turkish25.wav +2061,45,22,"sivas, turkey",turkish26,turkish,male,1704,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 ticks lapse of blue cheese, and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the Tracy train station.",recordings/wav/turkish26.wav +2062,18,7,"istanbul, turkey",turkish27,turkish,female,1730,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three dead bags and we will go meet your Wednesday at train station.",recordings/wav/turkish27.wav +2063,24,4,"istanbul, turkey",turkish28,turkish,female,1772,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons wilfre snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/turkish28.wav +2064,21,11,"ankara, turkey",turkish29,turkish,female,1808,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, five pick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish29.wav +2065,27,12,"adana, turkey",turkish3,turkish,male,383,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with the with her, with her from the Store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake, a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/turkish3.wav +2066,24,11,"izmir, turkey",turkish30,turkish,female,1929,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. You also need a small plastic snake and a big toy for big toy frog for the kids. She can scoop these things into 3 red bags and then we will go meet her Wednesday at the train station.,recordings/wav/turkish30.wav +2067,24,11,"diyarbakir, turkey",turkish31,turkish,male,2032,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police caught Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas 5 tips, lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet Wednesday and at the train station.",recordings/wav/turkish31.wav +2068,24,11,"diyarbakir, turkey",turkish32,turkish,male,2033,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things better from the store. 6 pounds of fresh snow peas, 5 tick slopes of blue cheese and maybe a snake for her brother. But we also need a small plastic snake and big toy frog for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish32.wav +2069,24,11,"diyarbakir, turkey",turkish33,turkish,male,2034,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow fees, 5 ticks, lots of blue cheese and maybe a cynic for her brother Bob. We also need a small plastic, scenic and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet Wednesday at the train station.",recordings/wav/turkish33.wav +2070,24,11,"diyarbakir, turkey",turkish34,turkish,male,2035,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/turkish34.wav +2071,24,11,"izmir, turkey",turkish35,turkish,female,2048,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from Store 6 spools of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish35.wav +2072,26,12,"istanbul, turkey",turkish36,turkish,female,2168,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police caught Stella ask her to bring these things. Fit are from the store. 6 spoons of Personal piece 5 ticks lapse of blue cheese and maybe a snack for her brother Bob.,recordings/wav/turkish36.wav +2073,19,17,"panjakent, tajikistan",turkish37,turkish,male,2174,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things.,recordings/wav/turkish37.wav +2074,20,14,"kayseri, turkey",turkish4,turkish,male,384,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids.",recordings/wav/turkish4.wav +2075,30,11,"istanbul, turkey",turkish5,turkish,female,385,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. This spoons of fresh snow peas five things, slap of blue cheese and maybe a snack for her brother. But we also need a small plastic snack and a bring toy frog for the kids. She can scoop these things into the into three redback bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish5.wav +2076,19,14,"istanbul, turkey",turkish6,turkish,male,386,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things which are from the store. 6 pools of Fresno piece, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish6.wav +2077,19,13,"izmir, turkey",turkish7,turkish,male,387,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snowpeas 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/turkish7.wav +2078,37,17,"sivas, turkey",turkish8,turkish,male,478,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring this thing that her.,recordings/wav/turkish8.wav +2079,25,11,"istanbul, turkey",turkish9,turkish,male,532,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring his things with her prompted store 6 pounds of fresh snow peas, 5 ticks, level of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy drop positives. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/turkish9.wav +2080,24,10,"balkanabat, turkmenistan",turkmen1,turkmen,male,1755,turkmenistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring this thing with these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/turkmen1.wav +2081,25,12,"kumasi, ghana",twi1,twi,female,388,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Ax her to bring these things with her. From this door, 6 spoons of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can spoke these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/twi1.wav +2082,33,6,"ajumako, ghana",twi2,twi,male,389,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stare. I said to bring this chance with her from the store.,recordings/wav/twi2.wav +2083,22,6,"tema, ghana",twi4,twi,female,1779,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into the real into the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/twi4.wav +2084,19,5,"woodbridge, virginia, usa",twi5,twi,male,2001,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas 5 take slabs of blue cheese and maybe a snack from her brother Bob. We also need a small plastic snake and a big toy frog from the kids. She can scoop these things with into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/twi5.wav +2085,20,4,"kumasi, ghana",twi6,twi,male,2138,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I said to bring these things were fair from this store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack from her brother Bob.,recordings/wav/twi6.wav +2086,26,17,"kyiv, ukraine",ukrainian1,ukrainian,male,649,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ukrainian1.wav +2087,25,7,"lvivska oblast, ukraine",ukrainian10,ukrainian,female,1852,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ukrainian10.wav +2088,23,9,"odessa, ukraine",ukrainian11,ukrainian,female,1999,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ukrainian11.wav +2089,53,44,"akhtyrka, ukraine",ukrainian2,ukrainian,female,844,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ukrainian2.wav +2090,55,12,"odessa, ukraine",ukrainian3,ukrainian,female,864,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and the big toy frog from for the kids. She can scoop these things into 3 red bags and we will go meet.",recordings/wav/ukrainian3.wav +2091,18,8,"kiev, ukraine",ukrainian4,ukrainian,male,940,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of rational piece 5-6 laps or blue cheese and maybe a snack for her brother Bob.,recordings/wav/ukrainian4.wav +2092,18,10,"kiev, ukraine",ukrainian5,ukrainian,male,955,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack. Snack for her brother Bob. We also need a small plastic snake snake and a big toy frog for the kids. She can scoop these things into 3 red bags.",recordings/wav/ukrainian5.wav +2093,22,11,"priluki, ukraine",ukrainian6,ukrainian,female,1056,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring the things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for their kids. She can. She can scoop the thing into 3 red bags and we will go meet her for Wednesday at the train station.",recordings/wav/ukrainian6.wav +2094,18,8,"kiev, ukraine",ukrainian7,ukrainian,male,1091,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 pounds of Fresno piece 5-6 laps of the cheese and maybe a snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids. She can scoop these things into into three right backs and we will go to meet her Wednesday at the train station.,recordings/wav/ukrainian7.wav +2095,23,17,"luhansk, ukraine",ukrainian8,ukrainian,male,1379,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police Ghost Tower asked her to bring this things was here from the store. 6 spoons of fresh Snow Pierce 5 thick slabs of blue cheese and maybe a snack of for her brother Bob. We also need a small plastic snake and a big talk toy frog for the kids as she can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/ukrainian8.wav +2096,30,20,"zaporizhzhya, ukraine",ukrainian9,ukrainian,male,1520,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ukrainian9.wav +2097,22,18,"karachi, pakistan",urdu1,urdu,male,390,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her about.,recordings/wav/urdu1.wav +2098,20,3,"karachi, pakistan",urdu10,urdu,male,1566,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu10.wav +2099,20,6,"karachi, pakistan",urdu11,urdu,male,1576,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu11.wav +2100,19,4,"islamabad, pakistan",urdu12,urdu,female,1628,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/urdu12.wav +2101,22,4,"lahore, pakistan",urdu13,urdu,female,1795,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu13.wav +2102,21,10,"islamabad, pakistan",urdu14,urdu,male,2038,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go met her Wednesday at the train station.",recordings/wav/urdu14.wav +2103,28,8,"mandi bahauddin, punjab, pakistan",urdu15,urdu,male,2102,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu15.wav +2104,22,5,"karachi, pakistan",urdu16,urdu,male,2152,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for kids. She can scoop these things into 3 red wax and we will go meet her Wednesday at the train station.",recordings/wav/urdu16.wav +2105,48,6,"sialkot, pakistan",urdu2,urdu,female,391,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 moons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bop. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her van. Stay at the train station.",recordings/wav/urdu2.wav +2106,25,3,"karachi, sind, pakistan",urdu3,urdu,male,423,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu3.wav +2107,29,4,"kuwait city, kuwait",urdu4,urdu,male,854,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/urdu4.wav +2108,23,12,"karachi, pakistan",urdu5,urdu,male,953,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. Six months of fresh snow peas, 5 thick, slab blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu5.wav +2109,24,3,"bangalore, india",urdu6,urdu,female,1014,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the with her from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu6.wav +2110,23,5,"islamabad, pakistan",urdu7,urdu,male,1061,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet with her Wednesday at the train station.",recordings/wav/urdu7.wav +2111,21,5,"abu dhabi, united arab emirates",urdu8,urdu,female,1510,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. She also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and.",recordings/wav/urdu8.wav +2112,20,5,"alexandria, virginia, usa",urdu9,urdu,female,1539,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/urdu9.wav +2113,46,45,"urumqi, xin jiang, china",uyghur1,uyghur,female,392,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow please. 5 ticket each teacher slopes of blue cheese and maybe a snack for her brother, but we also need a small plastic.",recordings/wav/uyghur1.wav +2114,34,32,"kashgar, china",uyghur2,uyghur,female,826,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please, please call Stellah ask her to bring these things with her from the storm. 66 pounds of fresh snow peas 5 sink.",recordings/wav/uyghur2.wav +2115,49,29,"urumqi, xin jiang, china",uyghur3,uyghur,female,1703,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls Starlog asked her to bring these things with her.,recordings/wav/uyghur3.wav +2116,39,39,"samarkand, uzbekistan",uzbek1,uzbek,female,393,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/uzbek1.wav +2117,35,28,"kabul, afghanistan",uzbek2,uzbek,female,394,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Sex spoons are fresh snow peas. 5 take steps, slopes of blue cheese and maybe a snack for her brother. But we also need a small plastic snack and a big toy frog for for the kids. She can't scope these things into 3 red bags.",recordings/wav/uzbek2.wav +2118,40,8,"tashkent, uzbekistan",uzbek3,uzbek,male,646,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call fella asked for it to bring these things with her from this or 6 pounds of fresh snow peas. 5-6 LabCorp Blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog, but the kid he can scoop this thing. It is really red bags and we will go meet her when there is a train station.",recordings/wav/uzbek3.wav +2119,35,12,"tashkent, uzbekistan",uzbek4,uzbek,female,2126,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas. 5 take steps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/uzbek4.wav +2120,29,12,"can tho, vietnam",vietnamese1,vietnamese,male,395,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Taylor.,recordings/wav/vietnamese1.wav +2121,57,18,"quang nam, vietnam",vietnamese10,vietnamese,female,1192,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vietnamese10.wav +2122,67,15,"quang nam, vietnam",vietnamese11,vietnamese,male,1201,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/vietnamese11.wav +2123,24,9,"can tho, vietnam",vietnamese12,vietnamese,female,1529,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/vietnamese12.wav +2124,23,6,"hanoi, vietnam",vietnamese13,vietnamese,male,1562,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store 6 bowls of fresh snow peas, five click slabs of blue cheese, and maybe a snack for brother Bob. We also need a small plastic snack and big toy frog for the kids. She can scoop these things into 3 red backs and we will go meet her Wednesday and train station.",recordings/wav/vietnamese13.wav +2125,51,20,"ho chi minh city, vietnam",vietnamese14,vietnamese,male,1698,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store. 6 spoons of rest snowpeas fojtik slab.,recordings/wav/vietnamese14.wav +2126,29,15,"ho chi minh city, vietnam",vietnamese15,vietnamese,male,1809,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Free Godzilla Asher to bring these things with her from the store, she spoons are fresh no peace.",recordings/wav/vietnamese15.wav +2127,52,17,"long xuyen, vietnam",vietnamese16,vietnamese,male,1850,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vietnamese16.wav +2128,33,11,"ho chi minh city, vietnam",vietnamese17,vietnamese,female,1940,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at this train station.,recordings/wav/vietnamese17.wav +2129,19,11,"saigon, vietnam",vietnamese18,vietnamese,female,2010,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snap from her brother Bob.",recordings/wav/vietnamese18.wav +2130,18,4,"ho chi minh city, vietnam",vietnamese19,vietnamese,female,2013,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellar ask her to bring these things with her from the stores. 6 spoons of fresh snow pea 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. Sick and scooped these things into 3 red bats.,recordings/wav/vietnamese19.wav +2131,29,25,"ho chi minh city, vietnam",vietnamese2,vietnamese,male,396,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Play Korn eastern standard.,recordings/wav/vietnamese2.wav +2132,46,25,"haiphong, vietnam",vietnamese20,vietnamese,female,2042,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stores.,recordings/wav/vietnamese20.wav +2133,21,16,"hanoi, vietnam",vietnamese21,vietnamese,male,2099,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things to her from the store. 6 spoons of fresh Snow peas, 5 stakes laps up, blue cheese, and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog from the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/vietnamese21.wav +2134,23,8,"bien hoa, vietnam",vietnamese22,vietnamese,male,2151,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vietnamese22.wav +2135,28,9,"vinh long, vietnam",vietnamese3,vietnamese,female,397,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to print these things with her from store. See spoons of fresh snow peas, 5 thick slab.",recordings/wav/vietnamese3.wav +2136,25,15,"hanoi, vietnam",vietnamese4,vietnamese,female,398,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from a Store 6 Buna fresh no beast. Firestick slab of blue cheese and maybe a snack for her brother but he also needs of small plastic snake and big toy frog for the kids. She can scoop the things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/vietnamese4.wav +2137,34,31,"cam ranh, vietnam",vietnamese5,vietnamese,male,399,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Play Con Stella asked her to bring these things with her from the store she spoons of fresh snow peas fighting slap up blue cheese and maybe a stand for her brother, but we also need a small blood test snake and big toys for the kids.",recordings/wav/vietnamese5.wav +2138,41,12,"ho chi minh city, vietnam",vietnamese6,vietnamese,male,400,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Leak on Stella.,recordings/wav/vietnamese6.wav +2139,29,18,"hue, vietnam",vietnamese7,vietnamese,female,401,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please 'cause steel and ask her to bring these things with her from the store. 6 spoons are of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic.",recordings/wav/vietnamese7.wav +2140,69,12,"ninh binh, vietnam",vietnamese8,vietnamese,male,447,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Precose Tyler. Ask her to bring these things with her from the store.,recordings/wav/vietnamese8.wav +2141,20,14,"ho chi minh city, vietnam",vietnamese9,vietnamese,male,1134,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please constellar as hard to bring these things we heard from the store. 6 spoons of rational piece.,recordings/wav/vietnamese9.wav +2142,24,7,"tervuren, belgium",vlaams1,vlaams,male,819,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscars to bring these things with her from the store.,recordings/wav/vlaams1.wav +2143,21,14,"turnhout, belgium",vlaams2,vlaams,female,1472,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/vlaams2.wav +2144,22,14,"herentals, belgium",vlaams3,vlaams,female,1478,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her rather Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/vlaams3.wav +2145,50,12,"ronse, belgium",vlaams4,vlaams,female,1638,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vlaams4.wav +2146,21,12,"dakar, senegal",wolof1,wolof,male,402,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/wolof1.wav +2147,37,11,"dakar, senegal",wolof2,wolof,male,403,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 poems of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will.,recordings/wav/wolof2.wav +2148,52,14,"khombole, senegal",wolof3,wolof,female,781,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother. But we also need a small plastic snake and a big toy for for the kids.",recordings/wav/wolof3.wav +2149,56,12,"dagana, senegal",wolof4,wolof,female,782,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/wolof4.wav +2150,30,13,"saint louis, senegal",wolof5,wolof,female,783,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her too crazy things with her from the star. 6 spoon of French snow peas. Five things slap of blue cheese and maybe a snack for her brother back.,recordings/wav/wolof5.wav +2151,25,13,"dakar, senegal",wolof6,wolof,male,1787,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/wolof6.wav +2152,30,12,"taizhou, zhejiang, china",wu1,wu,female,1646,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her with her. From this door, 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/wu1.wav +2153,35,15,"tambacounda, senegal",xasonga1,xasonga,female,785,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things.,recordings/wav/xasonga1.wav +2154,50,14,"taipei, taiwan",xiang1,xiang,female,208,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/xiang1.wav +2155,30,12,"changsha, hunan, china",xiang2,xiang,male,1417,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/xiang2.wav +2156,36,13,"changsha, hunan, china",xiang3,xiang,male,1522,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls Dana asked her to bring these things with her from the store.,recordings/wav/xiang3.wav +2157,23,10,"zhuzhou, hunan, china",xiang4,xiang,female,2163,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police caught Stella ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack for and a big toy frog for the kids.",recordings/wav/xiang4.wav +2158,19,13,"yakutsk, russia",yakut1,yakut,female,1252,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring the things with her from the store. 6 pounds of fresh, no peace 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop his things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yakut1.wav +2159,34,14,"yap island, federated states of micronesia",yapese1,yapese,female,433,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 points of Fresno piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/yapese1.wav +2160,60,8,"st. etienne, france",yiddish1,yiddish,male,404,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yiddish1.wav +2161,78,6,"winnipeg, manitoba, canada",yiddish2,yiddish,female,405,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of first Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yiddish2.wav +2162,52,5,"brooklyn, new york, usa",yiddish3,yiddish,male,1161,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/yiddish3.wav +2163,89,20,"vienna, austria",yiddish4,yiddish,female,1164,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stock. 6 pounds of fresh snow peas, 5-6 thick slabs of blue cheese and maybe a snack of her brother Bob. A snack for her body.",recordings/wav/yiddish4.wav +2164,86,26,"vilnius, lithuania",yiddish5,yiddish,female,1170,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with help from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese, maybe a snack for her brother Bob.",recordings/wav/yiddish5.wav +2165,20,20,"cotonou, benin",yoruba1,yoruba,male,414,benin,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from restore six born or fresh snow beast. 5 fix slopes of blue cheese and maybe.,recordings/wav/yoruba1.wav +2166,40,2,"ibadan, oyo, nigeria",yoruba2,yoruba,female,756,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/yoruba2.wav +2167,46,5,"lagos, nigeria",yoruba3,yoruba,female,766,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/yoruba3.wav +2168,46,12,"lagos, nigeria",yoruba4,yoruba,male,851,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things without without from this stone 6 pounds of fresh snow appears. 5 fixed labs of blue cheese and maybe a snack for a product bug. We also need a small plastic.,recordings/wav/yoruba4.wav +2169,47,2,"ibadan, nigeria",yoruba5,yoruba,female,2023,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/yoruba5.wav +2170,31,1,"bethel, alaska, usa",yupik1,yupik,female,571,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yupik1.wav +2171,24,14,"bulawayo, zimbabwe",zulu1,zulu,female,406,zimbabwe,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh snow peas. Five tech slips of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into thrill red bags and we will will go meet her Wednesday at the train station.,recordings/wav/zulu1.wav diff --git a/responsibleai/responsibleai/_interfaces.py b/responsibleai/responsibleai/_interfaces.py index 3c3d49a123..cafd7498ea 100644 --- a/responsibleai/responsibleai/_interfaces.py +++ b/responsibleai/responsibleai/_interfaces.py @@ -20,7 +20,7 @@ class Dataset: class_names: List[str] categorical_features: List[str] target_column: str - metadata_columns: List[List] + metadata_columns: List[str] class BoundedCoordinates: diff --git a/stt_testing_data.csv b/stt_testing_data.csv new file mode 100644 index 0000000000..2a6f2ff5fe --- /dev/null +++ b/stt_testing_data.csv @@ -0,0 +1,4277 @@ +,age,age_onset,birthplace,filename,native_language,sex,speakerid,country,file_missing,ground_truth_text,predicted_text,file_paths +32,27,9,"virginia, south africa",afrikaans1,afrikaans,female,1,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with him from the store. 6 spoons of regional peace, 5 thick slabs of blue cheese and maybe a snack for her brother, brother Bob. We also need a small plastic snake and big to a frog for their kids. She can scoop these things into free rate bags and we will go meet in Winsted at the train station.",recordings/wav/afrikaans1.wav +33,40,5,"pretoria, south africa",afrikaans2,afrikaans,male,2,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/afrikaans2.wav +34,43,4,"pretoria, transvaal, south africa",afrikaans3,afrikaans,male,418,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/afrikaans3.wav +35,26,8,"pretoria, south africa",afrikaans4,afrikaans,male,1159,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/afrikaans4.wav +36,19,6,"cape town, south africa",afrikaans5,afrikaans,male,1432,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet her Wednesday at the train station.",recordings/wav/afrikaans5.wav +37,25,15,"diekabo, ivory coast",agni1,agni,male,3,ivory coast,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from this store. 6 spoon of fresh snow peas valve fixed lab.,recordings/wav/agni1.wav +38,41,5,"accra, ghana",akan1,akan,male,979,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with it from the store. 66 pounds of fresh snow peas.,recordings/wav/akan1.wav +39,19,6,"prishtina, kosovo",albanian1,albanian,male,4,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.",recordings/wav/albanian1.wav +40,33,15,"tirana, albania",albanian2,albanian,male,5,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/albanian2.wav +41,44,35,"tirana, albania",albanian3,albanian,male,458,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of rest not peace. 5 thick slabs of blue cheese and maybe a snack of her brother Bob.,recordings/wav/albanian3.wav +42,33,28,"mitrovice, kosovo",albanian4,albanian,male,868,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her.,recordings/wav/albanian4.wav +43,31,11,"vlore, albania",albanian5,albanian,male,946,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things from with her from the store. 6 spoons of Personal piece 5-6 laps or blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/albanian5.wav +44,25,11,"prishtina, kosovo",albanian6,albanian,female,1081,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her mom with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her for the kids. She can scoop these things into 3 red bags and we will go meet her once they at the train station.,recordings/wav/albanian6.wav +45,45,11,"prishtina, kosovo",albanian7,albanian,female,1403,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/albanian7.wav +46,43,9,"prishtina, kosovo",albanian8,albanian,female,1404,kosovo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wet Wednesday at the train station.",recordings/wav/albanian8.wav +47,22,6,"tirana, albania",albanian9,albanian,female,1706,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/albanian9.wav +48,37,32,"tata, morocco",amazigh1,amazigh,male,601,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these tank with her from the store. 6 poems of fresh Snow Peas 5 takes stables or blue cheese and maybe a snack for her brother Bob. We also needed a small plastic snack and big.,recordings/wav/amazigh1.wav +49,39,16,"ouarzazat, morocco",amazigh2,amazigh,male,1498,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call steel and ask her to bring these tanks with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/amazigh2.wav +50,20,5,"addis ababa, ethiopia",amharic1,amharic,female,6,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call the steel.,recordings/wav/amharic1.wav +51,29,19,"gonder, ethiopia",amharic10,amharic,female,998,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask. Ask her to bring this thing with her from the store. 6 spoon or fresh.,recordings/wav/amharic10.wav +52,24,17,"addis ababa, ethiopia",amharic11,amharic,female,1129,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog from the kids. She can scoop these things into 3 red bags and we also we will go meet her Wednesday at the train station.",recordings/wav/amharic11.wav +53,26,15,"addis ababa, ethiopia",amharic12,amharic,female,1130,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh snow peas. 5-6 slopes of blue cheese and maybe a snack for the brother but her brother. But we also need a small plastic snack and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when stay at the train station.,recordings/wav/amharic12.wav +54,28,6,"addis ababa, ethiopia",amharic13,amharic,female,1131,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella asked her to bring these things with her from the stores. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack, snack, snack and a big.",recordings/wav/amharic13.wav +55,31,12,"addis ababa, ethiopia",amharic14,amharic,male,1515,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/amharic14.wav +56,23,6,"addis ababa, ethiopia",amharic15,amharic,male,1516,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow beans. 5 ticks.,recordings/wav/amharic15.wav +57,36,11,"werder, ethiopia",amharic16,amharic,male,1854,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/amharic16.wav +58,21,9,"addis ababa, ethiopia",amharic17,amharic,male,1906,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go to meet her Wednesday at the train station.",recordings/wav/amharic17.wav +59,20,2,"addis ababa, ethiopia",amharic18,amharic,female,2017,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/amharic18.wav +60,19,10,"tefki, ethiopia",amharic19,amharic,female,2132,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/amharic19.wav +61,23,7,"arba minch, ethiopia",amharic2,amharic,male,7,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring.,recordings/wav/amharic2.wav +62,52,24,"addis ababa, ethiopia",amharic20,amharic,female,2135,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call steel Stella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow pea 5 tick speed sleeve of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy for.,recordings/wav/amharic20.wav +63,27,8,"addis ababa, ethiopia",amharic3,amharic,male,8,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call set to ask her to bring these things with her from the store. 6 spoon of fresh snow peas.,recordings/wav/amharic3.wav +64,20,7,"addis ababa, ethiopia",amharic4,amharic,male,9,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call set Ella.,recordings/wav/amharic4.wav +65,31,7,"addis ababa, ethiopia",amharic5,amharic,male,10,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/amharic5.wav +66,31,4,"addis ababa, ethiopia",amharic6,amharic,female,985,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/amharic6.wav +67,38,13,"addis ababa, ethiopia",amharic7,amharic,male,989,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/amharic7.wav +68,30,12,"addis ababa, ethiopia",amharic8,amharic,female,990,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring those things with her from this store. 6 spinoff Fresh Snowpeas 5 stakes lapis of blue cheese and maybe a snack for her brother Bob. We also need to small displaced plastic snakes and a bag.,recordings/wav/amharic8.wav +69,40,12,"addis ababa, ethiopia",amharic9,amharic,male,991,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call police called Stella. Ask her to bring those things with her from the store and six spoon of fresh spoon piece.,recordings/wav/amharic9.wav +70,38,12,"riyadh, saudi arabia",arabic1,arabic,female,11,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic1.wav +71,26,5,"cairo, egypt",arabic10,arabic,male,12,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic10.wav +72,40,10,"beirut, lebanon",arabic100,arabic,female,2159,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from store.,recordings/wav/arabic100.wav +73,21,10,"doha, qatar",arabic101,arabic,male,2160,qatar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic101.wav +74,22,3,"jiddah, saudi arabia",arabic102,arabic,male,2161,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 foot thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic102.wav +75,30,14,"monastir, tunisia",arabic11,arabic,female,13,tunisia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons fresh Snow Peas 5.,recordings/wav/arabic11.wav +76,32,11,"baghdad, iraq",arabic12,arabic,male,14,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 55 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids she can't scoop.",recordings/wav/arabic12.wav +77,25,15,"zabbougha, lebanon",arabic13,arabic,male,15,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids.",recordings/wav/arabic13.wav +78,47,11,"amman, jordan",arabic14,arabic,male,428,jordan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic14.wav +79,40,33,"qayrawan, tunisia",arabic15,arabic,male,437,tunisia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from to stop to the store.,recordings/wav/arabic15.wav +80,22,16,"meknes, morocco",arabic16,arabic,male,471,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese. Then maybe a snack for her brother Ball. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic16.wav +81,35,15,"settat, morocco",arabic17,arabic,male,512,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic17.wav +82,18,6,"kuwait city, kuwait",arabic18,arabic,male,539,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stock 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy folk or the kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic18.wav +83,43,18,"khouribga, morocco",arabic19,arabic,male,625,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as he asked her to bring in these tanks with her from the store. 6 spoons.,recordings/wav/arabic19.wav +84,18,2.5,"damascus, syria",arabic2,arabic,male,16,syria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic2.wav +85,36,12,"chtaura, beqa valley, lebanon",arabic20,arabic,male,643,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother bar. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/arabic20.wav +86,46,30,"beirut, lebanon",arabic21,arabic,female,670,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic21.wav +87,23,10,"abu dhabi, united arab emirates",arabic22,arabic,female,920,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic22.wav +88,42,13,"al mahalla, egypt",arabic23,arabic,male,927,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic23.wav +89,40,7,"cairo, egypt",arabic24,arabic,male,970,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Beach called the Sitla, asked her to bring these things with her from the store. 6 spoons of fresh snow Peas A5 think ethic slips of blue sheets and maybe a snack of all her brother pop. We also need a small plastic snake and pig toy frog for the kids she can.",recordings/wav/arabic24.wav +90,38,5,"ramun, israel (occupied territory)",arabic25,arabic,male,1011,israel (occupied territory),FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic25.wav +91,43,14,"amman, jordan",arabic26,arabic,female,1012,jordan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her from the store. 6 spoon of fresh Snow peas 5.,recordings/wav/arabic26.wav +92,70,10,"jerusalem, israel",arabic27,arabic,male,1013,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic27.wav +93,30,12,"al-ayn, united arab emirates",arabic28,arabic,male,1115,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Store 6 pounds of fresh snow peas, 5-6 lives of blue cheese and maybe a snake for her.",recordings/wav/arabic28.wav +94,19,17,"doha, qatar",arabic29,arabic,male,1116,qatar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","At least Godzilla ask her to bring these things with her from the store, said spoons of fresh nose piece by taxi slaps or off a blue cheese and maybe a snack for help brother Pop. We also need a small plastic snacks and a big toy frog for the kids. She can scoped these things into three into the red bags and we will go meet.",recordings/wav/arabic29.wav +95,24,9,"doha, qatar",arabic3,arabic,male,17,qatar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Stella. Ask her to bring these things with her from the store. 6 points of fresh Snow Peas 5 THX.,recordings/wav/arabic3.wav +96,19,8,"riyadh, saudi arabia",arabic30,arabic,female,1133,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her for the store, 6 spoons of fresh springs of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and snack and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic30.wav +97,47,12,"baghdad, iraq",arabic31,arabic,female,1181,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her for a with her from the store. 6 spoons are of fish. Know a pet pizza, 5 sticks a thick as.",recordings/wav/arabic31.wav +98,42,12,"baghdad, iraq",arabic32,arabic,male,1203,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic32.wav +99,28,11,"baghdad, iraq",arabic33,arabic,female,1204,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of a fresh snow piece.,recordings/wav/arabic33.wav +100,34,6,"kuwait city, kuwait",arabic34,arabic,female,1253,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic34.wav +101,56,16,"jiddah, saudi arabia",arabic35,arabic,male,1391,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring these things with her from the store. 6 spoons or fresh no peas. 5-6 slabs of blue cheese and maybe a snap of her brother Bob. We also need small plastic snack and big toy frog for kids for the kids. She can scoop these things into their red bags and we will go meet her Wednesday at the train station.,recordings/wav/arabic35.wav +102,36,6,"jiddah, saudi arabia",arabic36,arabic,male,1392,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic36.wav +103,18,16,"jiddah, saudi arabia",arabic37,arabic,male,1393,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snakes and the bug toy frog for the kids chicken scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic37.wav +104,19,9,"shady grove, maryland, usa",arabic38,arabic,female,1394,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic38.wav +105,22,5,"jiddah, saudi arabia",arabic39,arabic,male,1405,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from store 6 pounds of fresh snow peas. 5 thick slabs of of of blue cheese and maybe a snack for her brother Bob.,recordings/wav/arabic39.wav +106,19,6,"sharjah, united arab emirates",arabic4,arabic,male,18,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack at the big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/arabic4.wav +107,19,13,"jiddah, saudi arabia",arabic40,arabic,male,1420,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic40.wav +108,25,7,"riyadh, saudi arabia",arabic41,arabic,male,1421,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I asked her to bring these things with her from the store.,recordings/wav/arabic41.wav +109,21,13,"jiddah, saudi arabia",arabic42,arabic,male,1422,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call start.,recordings/wav/arabic42.wav +110,29,8,"beirut, lebanon",arabic43,arabic,female,1426,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic43.wav +111,29,7,"jiddah, saudi arabia",arabic44,arabic,female,1455,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into the into 3 red bags and we will go meet her when his day at at the train station.",recordings/wav/arabic44.wav +112,32,12,"fort collins, colorado, usa",arabic45,arabic,female,1456,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the storm 6 spoons of fresh snow peas thrive. Thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/arabic45.wav +113,28,13,"jiddah, saudi arabia",arabic46,arabic,male,1457,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic46.wav +114,39,16,"jiddah, saudi arabia",arabic47,arabic,male,1458,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us tell ask her to bring.,recordings/wav/arabic47.wav +115,29,12,"mecca, saudi arabia",arabic48,arabic,male,1459,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of French snowpeas 5-6 slab of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet here.,recordings/wav/arabic48.wav +116,26,8,"medina, saudi arabia",arabic49,arabic,male,1460,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic49.wav +117,19,15,"casablanca, morocco",arabic5,arabic,female,19,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/arabic5.wav +118,36,22,"jiddah, saudi arabia",arabic50,arabic,male,1461,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stock 6 spoons.,recordings/wav/arabic50.wav +119,23,12,"jiddah, saudi arabia",arabic51,arabic,male,1486,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic51.wav +120,21,9,"jiddah, saudi arabia",arabic52,arabic,female,1487,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic52.wav +121,36,17,"rabat, morocco",arabic53,arabic,male,1526,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic53.wav +122,22,7,"baghdad, iraq",arabic54,arabic,male,1565,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic54.wav +123,70,33,"beirut, lebanon",arabic55,arabic,male,1569,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",So please call Stella.,recordings/wav/arabic55.wav +124,43,12,"ain defla, algeria",arabic56,arabic,male,1677,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic56.wav +125,28,17,"beirut, lebanon",arabic57,arabic,female,1699,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic57.wav +126,34,9,"baghdad, iraq",arabic58,arabic,male,1700,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow bees A5. Thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake snake and a big toy frog for the kids. She can scoop these things into 3 red box and we will go meet her when his day at the train station.,recordings/wav/arabic58.wav +127,55,9,"irbid, jordan",arabic59,arabic,male,1702,jordan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 wounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic59.wav +128,21,14.5,"sanaa, yemen",arabic6,arabic,male,20,yemen,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please question, ask her to bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese.",recordings/wav/arabic6.wav +129,60,14,"cairo, egypt",arabic60,arabic,male,1711,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic60.wav +130,20,7,"manama, bahrain",arabic61,arabic,male,1753,bahrain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic61.wav +131,19,18,"ad dammam, saudi arabia",arabic62,arabic,male,1768,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic62.wav +132,28,10,"bani walid, libya",arabic63,arabic,female,1769,libya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/arabic63.wav +133,23,6,"riyadh, saudi arabia",arabic64,arabic,male,1777,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic64.wav +134,32,10,"samail, oman",arabic65,arabic,female,1778,oman,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brothers brother Pop. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/arabic65.wav +135,50,14,"medina, saudi arabia",arabic66,arabic,male,1784,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the story. 6 spawns of fresh.,recordings/wav/arabic66.wav +136,43,22,"nasriah, iraq",arabic67,arabic,male,1785,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow.,recordings/wav/arabic67.wav +137,20,6,"london, uk",arabic68,arabic,male,1805,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic68.wav +138,55,15,"kerma, sudan",arabic69,arabic,female,1810,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring new things with her from the store.,recordings/wav/arabic69.wav +139,18,15,"casablanca, morocco",arabic7,arabic,female,21,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic7.wav +140,47,16,"casablanca, morocco",arabic70,arabic,male,1827,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and will go.",recordings/wav/arabic70.wav +141,29,21,"kuwait city, kuwait",arabic71,arabic,female,1828,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/arabic71.wav +142,20,11,"baghdad, iraq",arabic72,arabic,female,1832,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 60 pounds of fresh newbies by thick slabs of blue cheese and maybe his knack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and we will go meet her on his day at the train station.,recordings/wav/arabic72.wav +143,47,7,"nazareth, israel",arabic73,arabic,female,1841,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/arabic73.wav +144,18,4,"alexandria, egypt",arabic74,arabic,male,1870,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic74.wav +145,26,2,"riyadh, saudi arabia",arabic75,arabic,female,1885,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic75.wav +146,25,4,"jiddah, saudi arabia",arabic76,arabic,male,1892,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday and at the train station.",recordings/wav/arabic76.wav +147,18,4,"ad dammam, saudi arabia",arabic77,arabic,female,1894,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 556 slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/arabic77.wav +148,19,3,"washington, district of columbia, usa",arabic78,arabic,female,1897,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic78.wav +149,24,13,"medina, saudi arabia",arabic79,arabic,female,1899,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Six months of Rushlow piece, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go Mr Wednesday at the train station.",recordings/wav/arabic79.wav +150,21,17,"casablanca, morocco",arabic8,arabic,male,22,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/arabic8.wav +151,25,11,"najran, saudi arabia",arabic80,arabic,male,1901,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",His cold steel a ask her to bring these things with her from the store.,recordings/wav/arabic80.wav +152,22,17,"riyadh, saudi arabia",arabic81,arabic,male,1914,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother pop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic81.wav +153,42,12,"damascus, syria",arabic82,arabic,male,1917,syria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake. A snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic82.wav +154,22,21,"riyadh, saudi arabia",arabic83,arabic,male,1920,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh snow base of five thanks slips of blue cheese and maybe a snack from her brother book. We also need a small plastic snack and a big toy frog for the kids. She can skip this thing into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/arabic83.wav +155,26,12,"medina, saudi arabia",arabic84,arabic,female,1927,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 teaspoons of a fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/arabic84.wav +156,24,14,"ad dammam, saudi arabia",arabic85,arabic,female,1963,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic85.wav +157,28,3,"cairo, egypt",arabic86,arabic,male,1964,egypt,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic86.wav +158,49,10,"kuwait city, kuwait",arabic87,arabic,female,2005,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother pub. We also need a small plastic snack.",recordings/wav/arabic87.wav +159,19,4,"beirut, lebanon",arabic88,arabic,female,2008,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stored 6 spoons of fresh snow peas.,recordings/wav/arabic88.wav +160,35,19,"baghdad, iraq",arabic89,arabic,female,2022,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 teaspoons of fresh Snow peas, 5 thick slabs of a blue cheese and maybe snacks for her brother Bob.",recordings/wav/arabic89.wav +161,28,4,"jerusalem, israel",arabic9,arabic,female,23,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her.",recordings/wav/arabic9.wav +162,23,12,"tripoli, libya",arabic90,arabic,female,2036,libya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the start. Six spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack from her brother.",recordings/wav/arabic90.wav +163,57,12,"riyadh, saudi arabia",arabic91,arabic,female,2086,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","This call is still a ask her. Ask her to bring the dissent things with her with her from the store, 6 spoons of fresh snow peas. 5 deck.",recordings/wav/arabic91.wav +164,36,10,"baghdad, iraq",arabic92,arabic,male,2087,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/arabic92.wav +165,27,10,"baghdad, iraq",arabic93,arabic,female,2112,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with with her from the store. 6 spoon off fresh snow peas. 5 thick.,recordings/wav/arabic93.wav +166,24,9,"abu dhabi, united arab emirates",arabic94,arabic,female,2114,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Q.,recordings/wav/arabic94.wav +167,31,10,"kuwait city, kuwait",arabic95,arabic,female,2143,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/arabic95.wav +168,21,7,"riyadh, saudi arabia",arabic96,arabic,male,2153,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/arabic96.wav +169,19,4,"sharjah, united arab emirates",arabic97,arabic,female,2154,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from this store. 6 spoons of versus no peace 5 thick slabs of a blue cheese and maybe a snack for her brother bought. We also need a small plastic snack and a big toy frog for decades. She cannot scoop these things until 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/arabic97.wav +170,19,4,"ras al khaimah, united arab emirates",arabic98,arabic,female,2155,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call set up, ask her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can ask you these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/arabic98.wav +171,25,16,"ad dammam, saudi arabia",arabic99,arabic,female,2157,saudi arabia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow bees. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small blastic snake.,recordings/wav/arabic99.wav +172,19,9,"yerevan, armenia",armenian1,armenian,female,24,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh, no pins, 5-6 laps of blue cheese and maybe a snack for her brother broke. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/armenian1.wav +173,44,7,"tehran, iran",armenian2,armenian,female,435,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh nosepiece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/armenian2.wav +174,54,12,"yerevan, armenia",armenian3,armenian,female,849,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please cold Stella Oscar to bring these things with her from the store. 6 ponds for fresh Snow peas, 5 thick slabs of blue cheese and maybe snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her.",recordings/wav/armenian3.wav +175,27,12,"tbilisi, republic of georgia",armenian4,armenian,female,947,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/armenian4.wav +176,21,15,"yerevan, armenia",armenian5,armenian,female,997,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from his store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog frog for the kids. She can scoop these things into 3 red bags and we will go meet here Wednesday at the train station.",recordings/wav/armenian5.wav +177,23,11,"armavir, russia",armenian6,armenian,male,1228,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the start. Six months of fresh snow peas, 5 fixed types of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip those things, interfere at bags and we will go meet you on Wednesday at the train station.",recordings/wav/armenian6.wav +178,31,10,"tehran, iran",armenian7,armenian,male,1505,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these three.,recordings/wav/armenian7.wav +179,50,35,"yerevan, armenia",armenian8,armenian,female,1710,armenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe snag for her brother. But we also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/armenian8.wav +180,42,1,"accra, ghana",ashanti1,ashanti,female,1977,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella access to bring these things with her from the stone. 6 pounds of fresh snow peas, 5 text slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these turns into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ashanti1.wav +181,24,14,"naxcivan, azerbaijan",azerbaijani1,azerbaijani,male,25,azerbaijan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring her things with her from this store. 6 spoons of fresh snow peas, fire, thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/azerbaijani1.wav +182,42,40,"baku, azerbaijan",azerbaijani2,azerbaijani,female,434,azerbaijan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Blisko still ask her to bring this a tinkers with her from the store. 6 spoons of fresh snow.,recordings/wav/azerbaijani2.wav +183,31,16,"baku, azerbaijan",azerbaijani3,azerbaijani,male,1791,azerbaijan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from this store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/azerbaijani3.wav +184,40,30,"douala, cameroon",bafang1,bafang,male,26,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the Star 6 point of fresh snow peas. 5 think slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snap and a big toy frog for the kids she can scope.,recordings/wav/bafang1.wav +185,38,6,"douala, cameroon",bafang2,bafang,male,992,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/bafang2.wav +186,31,29,"conakry, guinea",baga1,baga,male,27,guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Steve Stella.,recordings/wav/baga1.wav +187,43,40,"jianchuan, yunnan, china",bai1,bai,female,28,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police 'cause I'll ask her to bring these things with her from the store.,recordings/wav/bai1.wav +188,15.5,12,"bamako, mali",bambara1,bambara,female,29,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/bambara1.wav +189,26,18,"bamako, mali",bambara2,bambara,female,30,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/bambara2.wav +190,22,12,"bamako, mali",bambara3,bambara,male,413,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her ask her to bring these things with her from the store.,recordings/wav/bambara3.wav +191,26,14,"goudiri, senegal",bambara4,bambara,male,787,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Leave cool Stella.,recordings/wav/bambara4.wav +192,23,21,"segou, mali",bambara5,bambara,female,969,mali,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from Wister, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and big toy frog from the kids for the kids. She can scoop these things into a tree grade bags and we will go meet her Wednesday at the train station.",recordings/wav/bambara5.wav +193,31,15,"foumban, cameroon",bamun1,bamun,female,31,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese and maybe a snacks.",recordings/wav/bamun1.wav +194,34,6,"khartoum, sudan",bari1,bari,male,1029,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask her to bring these things with her from the store 6 spoons of fresh snow. Peas, 5, thick slabs of blue cheese and maybe our snack of her brother brother job. Bob we also had a small plastic snake and a big toy frog for kids chicken scoop. These things into 3. Red bags and we will go meet her Wednesday at the train station.",recordings/wav/bari1.wav +195,36,7,"khartoum, sudan",bari2,bari,male,1030,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her. Form the store.,recordings/wav/bari2.wav +196,69,34,"vizcaya, spain",basque1,basque,female,32,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring.,recordings/wav/basque1.wav +197,50,19,"guernica, spain",basque2,basque,male,33,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/basque2.wav +198,54,10,"erding, bavaria, germany",bavarian1,bavarian,female,687,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 labs, blue cheese. It maybe a snack for a brother bath. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bavarian1.wav +199,52,10,"berchtesgaden, germany",bavarian2,bavarian,female,1045,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday.",recordings/wav/bavarian2.wav +200,25,11,"chamiancy, vilejka, belarus",belarusan1,belarusan,male,417,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 pounds of fresh snow peas, 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/belarusan1.wav +201,43,12,"minsk, belarus",belarusan2,belarusan,female,650,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stop sticks spoons of fresh snow peas. 5-6 slabs of blue cheese and maybe it's snack for her brother Bob. We also need a small plastic snake.,recordings/wav/belarusan2.wav +202,18,6,"gomel, belarus",belarusan3,belarusan,male,2166,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need small plastic snake and the big toy frog for the kids.,recordings/wav/belarusan3.wav +203,23,16,"dhaka, bangladesh",bengali1,bengali,male,34,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow pitch 5 thick split of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can't spoke these things into their rate bags and we will go meet her Wednesday at the train station.,recordings/wav/bengali1.wav +204,18,3,"dhaka, bangladesh",bengali10,bengali,female,1009,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali10.wav +205,34,3.5,"durgapur, west bengal, india",bengali11,bengali,male,1018,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask car to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali11.wav +206,25,4,"sylhet, bangladesh",bengali12,bengali,female,1682,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of fruit, teas and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at a train station.",recordings/wav/bengali12.wav +207,33,10,"dhaka, bangladesh",bengali13,bengali,female,1825,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, snake snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali13.wav +208,26,4,"kolkata, india",bengali14,bengali,male,1973,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/bengali14.wav +209,46,8,"dhaka, bangladesh",bengali15,bengali,female,2004,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/bengali15.wav +210,24,6,"dhaka, bangladesh",bengali16,bengali,female,2073,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic snake and a big toy frog for for the kids. She can scoop this things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/bengali16.wav +211,19,6,"sylhet, bangladesh",bengali17,bengali,female,2139,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/bengali17.wav +212,25,2,"lusaka, zambia",bengali2,bengali,female,35,zambia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali2.wav +213,19,5,"dhaka, bangladesh",bengali3,bengali,female,36,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 ***** slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for decades. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bengali3.wav +214,24,6,"chittagong, bangladesh",bengali4,bengali,male,37,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this string.,recordings/wav/bengali4.wav +215,40,5,"dhaka, bangladesh",bengali5,bengali,female,622,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresh piece 5.,recordings/wav/bengali5.wav +216,29,4,"jamshedpur, jharkhand, india",bengali6,bengali,male,624,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoot these things into 3 red bags and we will go meet her wetness day at the train station.",recordings/wav/bengali6.wav +217,49,6,"mymensingh, bangladesh",bengali7,bengali,male,710,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/bengali7.wav +218,54,5,"noakhali, bangladesh",bengali8,bengali,male,709,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",His school is Steeler asks her to bring these things with her from the store.,recordings/wav/bengali8.wav +219,61,12,"kolkata, india",bengali9,bengali,female,987,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 poems of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rate backs and we will go meet her wetness day at the train station.,recordings/wav/bengali9.wav +220,39,37,"doboj, bosnia and herzegovina",bosnian1,bosnian,male,38,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things in the tree red box and we will go meet her Wednesday.",recordings/wav/bosnian1.wav +221,21,10,"sarajevo, bosnia and herzegovina",bosnian2,bosnian,male,39,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/bosnian2.wav +222,25,12,"sarajevo, bosnia and herzegovina",bosnian3,bosnian,female,808,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls tell ask her to bring these things with her from the store. 6 points of rational piece. Fried thick slabs of blue cheese and maybe a snack for her brother bought. He also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/bosnian3.wav +223,20,11,"travnik, bosnia and herzegovina",bosnian4,bosnian,male,943,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian4.wav +224,25,6,"travnik, bosnia and herzegovina",bosnian5,bosnian,female,944,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her mum from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. He also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian5.wav +225,29,22,"zenica, bosnia and herzegovina",bosnian6,bosnian,female,1025,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things in the tree red bags and be will go meet her Wednesday at the train station.",recordings/wav/bosnian6.wav +226,24,10,"gornji vakuf, bosnia and herzegovina",bosnian7,bosnian,female,1058,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog from the kids for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian7.wav +227,24,15,"sarajevo, bosnia and herzegovina",bosnian8,bosnian,female,1082,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of the fresh Snow Peas, 5 ticks slab of blue cheese, and maybe a snack for their her brother Bob. We also need a small plastic snake and a big toy frog frog for the kids. She can scoop these things in the tree bread bags and we will go meet her Wednesday at the train station.",recordings/wav/bosnian8.wav +228,47,5,"sarajevo, bosnia and herzegovina",bosnian9,bosnian,male,1289,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob.",recordings/wav/bosnian9.wav +229,25,16,"plovdiv, bulgaria",bulgarian1,bulgarian,female,40,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.",recordings/wav/bulgarian1.wav +230,21,15,"dobrich, bulgaria",bulgarian10,bulgarian,female,965,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for a big toy frog for the kids. She can scoop these things into truth bread bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian10.wav +231,24,16,"dobrich, bulgaria",bulgarian11,bulgarian,male,966,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from.,recordings/wav/bulgarian11.wav +232,30,9,"sofia, bulgaria",bulgarian12,bulgarian,female,1446,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. Chicken scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian12.wav +233,20,9,"chirpan, bulgaria",bulgarian13,bulgarian,male,1512,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/bulgarian13.wav +234,46,30,"sofia, bulgaria",bulgarian14,bulgarian,male,1611,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her from the store. 6 spoons a fresh snow peas 5 sticks slabs of blue cheese at maybe a snack for her brother Bob.,recordings/wav/bulgarian14.wav +235,22,10,"varna, bulgaria",bulgarian15,bulgarian,male,1859,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for her for the kids.",recordings/wav/bulgarian15.wav +236,21,6,"kyustendil, bulgaria",bulgarian16,bulgarian,male,1880,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/bulgarian16.wav +237,31,9,"sofia, bulgaria",bulgarian17,bulgarian,female,1915,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids.",recordings/wav/bulgarian17.wav +238,20,10,"razlog, bulgaria",bulgarian18,bulgarian,male,2024,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring these things with her from the store. 6 spoons of rational piece 5 ticks lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/bulgarian18.wav +239,53,42,"sofia, bulgaria",bulgarian2,bulgarian,female,41,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call Stella asked her to bring these things with her from the store. 6 spoons a fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop this.,recordings/wav/bulgarian2.wav +240,27,10,"sofia, bulgaria",bulgarian3,bulgarian,male,42,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will get that we will go meet her Wednesday at the train station.",recordings/wav/bulgarian3.wav +241,22,20,"plovdiv, bulgaria",bulgarian4,bulgarian,male,43,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police code please call Stella ask her to bring these things with her from from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the for the kids.",recordings/wav/bulgarian4.wav +242,23,14,"sofia, bulgaria",bulgarian5,bulgarian,male,44,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/bulgarian5.wav +243,27,11,"ruse, bulgaria",bulgarian6,bulgarian,male,557,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/bulgarian6.wav +244,18,13,"stara zagora, bulgaria",bulgarian7,bulgarian,male,566,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian7.wav +245,31,8,"sofia, bulgaria",bulgarian8,bulgarian,female,848,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/bulgarian8.wav +246,31,10,"ruse, bulgaria",bulgarian9,bulgarian,female,923,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/bulgarian9.wav +247,35,11,"yangon, myanmar",burmese1,burmese,female,758,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella X hard to bring these things which are from the stone. 6 pounds of fresh snow peas. Fojtik slips up blue cheese in maybe a snack for her brother bought.,recordings/wav/burmese1.wav +248,29,7,"yangon, myanmar",burmese2,burmese,male,1568,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella else got to bring these things without front of store. Six months of fresh snow peas fight thick slabs of blue cheese and maybe a snap for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her onestly at the train station.,recordings/wav/burmese2.wav +249,22,12,"hong kong, china",cantonese1,cantonese,female,45,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her with her from the store. 6 spoon of fresh Snow peas 5 fix snaps of blue cheese and maybe a snake for her brother Bob.,recordings/wav/cantonese1.wav +250,25,3,"xiamen, fujian, china",cantonese10,cantonese,female,505,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 booms or flash snowpeas fight fake snap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy flock for the kiss. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.,recordings/wav/cantonese10.wav +251,22,3,"hong kong, china",cantonese11,cantonese,female,544,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as hers to bring these things with her from the store. Teaspoons of fresh new piece 5 takes naps of blue cheese and his neck for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into three Webex and we will go meet her Wednesday at the train station.,recordings/wav/cantonese11.wav +252,20,4,"macau, china",cantonese12,cantonese,female,602,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cantonese12.wav +253,21,3,"hong kong, china",cantonese13,cantonese,female,730,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/cantonese13.wav +254,19,3,"hong kong, china",cantonese14,cantonese,female,742,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I should bring these things with her from the store. 6 bones are fresh snowpeas 5-6 laps of bleach. Is it maybe a snack for her brother Bob? We also need a small plastic snack and a big toy Frankford kiss. She can scope these things into three drag backs and we will go meet her Wednesday in the train station.,recordings/wav/cantonese14.wav +255,31,12,"qingyuan, guangdong, china",cantonese15,cantonese,female,862,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 springs of fresh snow peas, fightstick steps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy fog for the kids. She can screw these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/cantonese15.wav +256,29,3,"hong kong, china",cantonese16,cantonese,female,874,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things you know. 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/cantonese16.wav +257,26,3,"hong kong, china",cantonese17,cantonese,female,878,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cantonese17.wav +258,19,3,"hong kong, china",cantonese18,cantonese,male,885,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things in the three red bags and we would go meet her Wednesday at the train station.",recordings/wav/cantonese18.wav +259,28,7,"hong kong, china",cantonese19,cantonese,female,1247,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake snake and a big toy frog for the kids. She can slip these things into 3 red bags and we will.",recordings/wav/cantonese19.wav +260,20,13,"hong kong, china",cantonese2,cantonese,male,46,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Peace Corps Taylor asked her to bring this thing with her from the store. 6 spoons of fresh snow peas.,recordings/wav/cantonese2.wav +261,18,3,"hong kong, china",cantonese20,cantonese,male,1480,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese20.wav +262,18,4,"hong kong, china",cantonese21,cantonese,female,1558,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Prisco stellar asked her to bring this thing with her from the Stove 6 prove the fresh Snow peas, 5 thick snapped approaches and maybe a snack for her brother Bob. We also need a small practice neck and a big toy frost for the kiss. She can scoop this thing into 3 red bass and we'll go meet her Wednesday at the train station.",recordings/wav/cantonese21.wav +263,30,3,"hong kong, china",cantonese22,cantonese,female,1974,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new piece, 5-6 laps of blue cheese and maybe a snack for her brother bulb.",recordings/wav/cantonese22.wav +264,33,6,"hong kong, china",cantonese23,cantonese,male,1975,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese23.wav +265,22,6,"hong kong, china",cantonese3,cantonese,male,47,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 Windsor Fresno peas 5 thick slabs of blue cheese and maybe a snack for about a pub. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the three red bags and we will go meet her Wednesday at the train station.,recordings/wav/cantonese3.wav +266,29,13,"fuzhou, fujian, china",cantonese4,cantonese,female,48,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese4.wav +267,18,14,"hong kong, china",cantonese5,cantonese,male,49,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob.",recordings/wav/cantonese5.wav +268,25,5,"hong kong, china",cantonese6,cantonese,male,462,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese6.wav +269,31,4,"hong kong, china",cantonese7,cantonese,male,494,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cantonese7.wav +270,23,2,"hong kong, china",cantonese8,cantonese,female,498,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/cantonese8.wav +271,22,7,"hong kong, china",cantonese9,cantonese,male,502,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/cantonese9.wav +272,32,6,"saipan, saipan, northern mariana islands",carolinian1,carolinian,female,50,northern mariana islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/carolinian1.wav +273,39,13,"tarragona, spain",catalan1,catalan,male,51,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store she spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/catalan1.wav +274,24,21,"mataro, catalonia, spain",catalan2,catalan,male,598,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She gonna scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/catalan2.wav +275,51,11,"santiago, chile",catalan3,catalan,female,1186,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy fraud for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/catalan3.wav +276,21,11,"barcelona, spain",catalan4,catalan,female,1414,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls tell her. Ask her to bring these things with her from the store 6 points of fresh snow Peas, 5 big slabs of blue cheese, and maybe a snack for her brother Bob. We also need the small plastic snake and a victory frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the translation.",recordings/wav/catalan4.wav +277,21,1,"cebu, philippines",cebuano1,cebuano,female,565,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/cebuano1.wav +278,41,5,"baghdad, iraq",chaldean1,chaldean,male,1251,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/chaldean1.wav +279,62,11,"baghdad, iraq",chaldean2,chaldean,female,1299,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for her for the kids. She can scoop these things into 3 red bags.",recordings/wav/chaldean2.wav +280,18,1,"saipan, saipan, northern mariana islands",chamorro1,chamorro,male,52,northern mariana islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/chamorro1.wav +281,42,7,"mulanje, malawi",chichewa1,chichewa,male,1020,malawi,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/chichewa1.wav +282,39,12,"chittagong, bangladesh",chittagonian1,chittagonian,male,708,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Yeah please call please call Stella asked her to bring the.,recordings/wav/chittagonian1.wav +283,81,16,"unije, croatia",croatian1,croatian,female,477,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet.",recordings/wav/croatian1.wav +284,35,10,"mostar, bosnia and herzegovina",croatian2,croatian,female,561,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/croatian2.wav +285,44,10,"split, croatia",croatian3,croatian,female,661,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the story 6 bowls of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/croatian3.wav +286,38,11,"rijeka, croatia",croatian4,croatian,male,950,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and and a big toy frog for the kids. She can scoop these things into trip red bags and we will go go me to her Wednesday at the train train station.",recordings/wav/croatian4.wav +287,26,11,"tomislavgrad, bosnia and herzegovina",croatian5,croatian,female,1063,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 50 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/croatian5.wav +288,23,14,"doboj, bosnia and herzegovina",croatian6,croatian,female,1083,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy for and bigger toy frog for the kids. She can scoop these things interest into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/croatian6.wav +289,21,7,"rijeka, croatia",croatian7,croatian,female,1556,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this or six spoons of her snow peas. 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/croatian7.wav +290,39,22,"gospic, croatia",croatian8,croatian,male,1983,croatia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 moons of fresh Snow peas, 5 thick slabs of the blue cheese and maybe it's snack for her brother Bob. We also need small plastic snake.",recordings/wav/croatian8.wav +291,27,10.5,"prague, czech republic",czech1,czech,female,53,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech1.wav +292,60,45,"velky osek, czech republic",czech2,czech,male,560,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I've had to bring this thing with her from the store.,recordings/wav/czech2.wav +293,35,14,"nachod, czech republic",czech3,czech,male,653,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech3.wav +294,57,15,"prague, czech republic",czech4,czech,female,879,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/czech4.wav +295,26,16,"klando, czech republic",czech5,czech,female,1066,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Asgard to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slips.",recordings/wav/czech5.wav +296,20,7,"ostrava, czech republic",czech6,czech,male,1248,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/czech6.wav +297,22,11,"ostrava, czech republic",czech7,czech,female,1501,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoon of fresh snow peas. 5 tax, lots of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech7.wav +298,21,7,"pizen, czech republic",czech8,czech,female,1822,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/czech8.wav +299,38,23,"prague, czech republic",czech9,czech,male,2140,czech republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from Store 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother bowl.,recordings/wav/czech9.wav +300,45,11,"horsens, denmark",danish1,danish,female,54,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of booties.",recordings/wav/danish1.wav +301,37,8,"haslev, denmark",danish2,danish,female,55,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish2.wav +302,53,12,"copenhagen, denmark",danish3,danish,female,1367,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish3.wav +303,21,11,"aarhus, denmark",danish4,danish,female,1434,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 big slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/danish4.wav +304,49,8,"egvad, denmark",danish5,danish,female,1573,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/danish5.wav +305,19,8,"alborg, denmark",danish6,danish,male,1577,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish6.wav +306,22,8,"copenhagen, denmark",danish7,danish,male,1717,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.,recordings/wav/danish7.wav +307,28,11,"sunds, denmark",danish8,danish,female,1746,denmark,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons are fresh snow peas, 53 slabs of blue cheese and maybe a snack for her brother Bop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/danish8.wav +308,25,13,"kabul, zoroastrian, afghanistan",dari1,dari,female,56,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons for fresh as snow piece, five tech sub suburbs of blue cheeses and then maybe a snack for her brother Bob. We also need a small plastic snack and a big tire frog for their kids.",recordings/wav/dari1.wav +309,55,12,"kabul, afghanistan",dari2,dari,male,642,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dari2.wav +310,20,12,"kabul, afghanistan",dari3,dari,male,968,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from users from the Store, 6 spoons of fresh snow peas, firestick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack in a big toy for a toy frog from the kids. She can scoop these things into 3 red bags and we will go meet her once they had a train station.",recordings/wav/dari3.wav +311,59,13,"kabul, afghanistan",dari4,dari,male,1754,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring these things with her.,recordings/wav/dari4.wav +312,56,32,"kabul, afghanistan",dari5,dari,female,1868,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station at the train station, sorry.",recordings/wav/dari5.wav +313,39,33,"rumbek, boherat, sudan",dinka1,dinka,male,415,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as her to bring these things with her from the Star 6 spoons of fresh Snow peas, 5 thick slips of blue cheese and maybe it's not for her brother, but we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet.",recordings/wav/dinka1.wav +314,38,13,"nijmegen, netherlands",dutch1,dutch,male,57,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch1.wav +315,39,12,"essen, belgium",dutch10,dutch,male,913,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/dutch10.wav +316,41,14,"brugge, belgium",dutch11,dutch,male,929,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch11.wav +317,36,10,"oosterbeek, netherlands",dutch12,dutch,male,956,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three red bags and will go meet or Wednesday.,recordings/wav/dutch12.wav +318,33,10,"zwolle, netherlands",dutch13,dutch,female,1003,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch13.wav +319,35,12,"zwolle, netherlands",dutch14,dutch,female,1004,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch14.wav +320,23,10,"nunspeet, netherlands",dutch15,dutch,male,1223,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch15.wav +321,23,12,"antwerp, belgium",dutch16,dutch,female,1260,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch16.wav +322,21,12,"wilrijk, belgium",dutch17,dutch,female,1261,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for a brother Bob. We also need a small split, a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/dutch17.wav +323,23,14,"antwerp, belgium",dutch18,dutch,male,1262,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet through Wednesday at the train station.,recordings/wav/dutch18.wav +324,22,11,"heist-op-den-berg, belgium",dutch19,dutch,female,1263,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch19.wav +325,41,14,"amsterdam, netherlands",dutch2,dutch,male,58,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She gives good these things into 3 red bags and we'll go meet her Wednesday at a train station.",recordings/wav/dutch2.wav +326,21,13,"vlaams-brabant, belgium",dutch20,dutch,female,1264,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch20.wav +327,21,13,"diest, belgium",dutch21,dutch,female,1265,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/dutch21.wav +328,23,13,"essen, belgium",dutch22,dutch,female,1266,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch22.wav +329,23,13,"antwerp, belgium",dutch23,dutch,male,1268,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things to her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch23.wav +330,23,14,"seoul, south korea",dutch24,dutch,female,1269,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Salem. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch24.wav +331,23,13,"wilrijk, belgium",dutch25,dutch,female,1270,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch25.wav +332,23,13,"turnhout, belgium",dutch26,dutch,female,1271,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into three Redbacks and will go meet our Wednesday at the train station.",recordings/wav/dutch26.wav +333,21,13,"antwerp, belgium",dutch27,dutch,female,1274,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe it's snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch27.wav +334,22,8,"antwerp, belgium",dutch28,dutch,male,1275,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 booms of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at train station.",recordings/wav/dutch28.wav +335,29,7,"ede, netherlands",dutch29,dutch,male,1300,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch29.wav +336,19,6,"alkmaar, netherlands",dutch3,dutch,male,537,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/dutch3.wav +337,21,14,"sint-niklaas, belgium",dutch30,dutch,female,1462,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/dutch30.wav +338,23,13,"antwerp, belgium",dutch31,dutch,female,1463,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch31.wav +339,21,14,"brasschaat, belgium",dutch32,dutch,male,1464,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch32.wav +340,22,9,"mechelen, belgium",dutch33,dutch,female,1466,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/dutch33.wav +341,22,14,"bornem, belgium",dutch34,dutch,female,1468,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar for bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She gets cooked these things into 3 red bags and he will go meet her Wednesday at a train station.,recordings/wav/dutch34.wav +342,21,13,"mortsel, belgium",dutch35,dutch,female,1473,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things and do 3 red bags and people go meet her Wednesday at a train station.",recordings/wav/dutch35.wav +343,21,12,"turnhout, belgium",dutch36,dutch,female,1476,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet our Wednesday at the train station.",recordings/wav/dutch36.wav +344,21,11,"antwerp, belgium",dutch37,dutch,female,1479,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch37.wav +345,21,12,"beveren, belgium",dutch38,dutch,female,1481,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 wounds are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch38.wav +346,22,10,"hardinxveld-giessendam, netherlands",dutch39,dutch,female,1482,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch39.wav +347,18,10,"bilzen, flanders, belgium",dutch4,dutch,male,743,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/dutch4.wav +348,25,9,"dordrecht, netherlands",dutch40,dutch,male,1484,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at train station.",recordings/wav/dutch40.wav +349,41,13,"deventer, netherlands",dutch41,dutch,male,1517,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tax slabs of blue cheese, and maybe a snack for a broader Bob.",recordings/wav/dutch41.wav +350,36,8,"schiedam, netherlands",dutch42,dutch,male,1551,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids so he can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/dutch42.wav +351,21,11,"rotterdam, netherlands",dutch43,dutch,male,1705,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these. Scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch43.wav +352,21,12,"antwerp, belgium",dutch44,dutch,female,1740,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/dutch44.wav +353,22,2,"sint niklaas, belgium",dutch45,dutch,male,1742,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three Rep bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch45.wav +354,22,12,"hulshout, belgium",dutch46,dutch,female,1743,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch46.wav +355,37,11,"gouda, netherlands",dutch47,dutch,female,2115,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/dutch47.wav +356,54,13,"rotterdam, netherlands",dutch5,dutch,female,770,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and you will go meet her Wednesday at a train station.",recordings/wav/dutch5.wav +357,46,10,"brussels, belgium",dutch6,dutch,female,847,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch6.wav +358,68,10,"amsterdam, netherlands",dutch7,dutch,male,895,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope scoop. I'm sorry she got scooped. He thinks into three Redbacks and we'll go meet her Wednesday at the train station.",recordings/wav/dutch7.wav +359,35,12,"alphen aan de ryn, netherlands",dutch8,dutch,female,896,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/dutch8.wav +360,68,12,"almelo, netherlands",dutch9,dutch,female,897,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/dutch9.wav +361,35,3,"okene, nigeria",ebira1,ebira,male,59,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ebira1.wav +362,25,6,"benin city, nigeria",edo1,edo,male,60,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, with her from the store. See spoons of fresh snow peas. Fight think slab of blue cheese and maybe a snack for her brother Bob. We also need a simple small plastic snacks and a big toy frog for the kids. She can scoop distance into 3 red bags and we will.",recordings/wav/edo1.wav +363,42,0,"pittsburgh, pennsylvania, usa",english1,english,male,61,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english1.wav +364,35,0,"davenport, iowa, usa",english10,english,female,62,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She will scoop these things up into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english10.wav +365,23,0,"miami, florida, usa",english100,english,female,63,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Hasker to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english100.wav +366,18,0,"toronto, ontario, canada",english101,english,female,64,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english101.wav +367,22,0,"torrington, connecticut, usa",english102,english,male,65,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english102.wav +368,21,0,"staten island, new york, usa",english103,english,male,66,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english103.wav +369,18,0,"youngstown, ohio, usa",english104,english,female,67,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english104.wav +370,57,0,"windsor, ontario, canada",english105,english,male,407,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english105.wav +371,39,0,"los angeles, california, usa",english106,english,female,408,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english106.wav +372,19,0,"chicago, illinois, usa",english107,english,male,416,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english107.wav +373,21,0,"strabane, northern ireland, uk",english108,english,male,419,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked everything he sings rather from the store. 6 Spoons are freight, no peas, 5 thick slabs of blue cheese or mirror snack for or Bob. We also need to bring a small plastic snake and a big toy frog for the kids. She came script these things into three bread bags and will go meet her Wednesday at the train station.",recordings/wav/english108.wav +374,26,0,"concord, new hampshire, usa",english109,english,female,420,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store.,recordings/wav/english109.wav +375,35,0,"staffordshire, uk",english11,english,female,68,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags. We will go meet her Wednesday at the train station.",recordings/wav/english11.wav +376,21,0,"great yarmouth, norfolk, uk",english110,english,male,421,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack bar. Brother Bob.",recordings/wav/english110.wav +377,21,0,"bombay, india",english111,english,male,426,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english111.wav +378,21,0,"st. thomas, us virgin islands",english112,english,male,427,us virgin islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella all her to access to bring these things with her from the store. 6 bones of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and it's a big toy frog for the kids.",recordings/wav/english112.wav +379,31,0,"wrexham, wales, uk",english113,english,male,439,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh nor peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english113.wav +380,38,0,"birmingham 2, alabama, usa",english114,english,female,442,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet or Wednesday at the train station.",recordings/wav/english114.wav +381,31,0,"st. albans, hertfordshire, uk",english115,english,male,443,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoot these things into 3 red banks and we will go meet her Wednesday at the train station.",recordings/wav/english115.wav +382,56,0,"atlanta, georgia, usa",english116,english,male,444,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother bomb. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english116.wav +383,60,0,"elmore, alabama, usa",english117,english,female,445,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Place called Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english117.wav +384,19,0,"akron, ohio, usa",english118,english,male,446,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/english118.wav +385,32,0,"saskatoon, saskatchewan, canada",english119,english,female,455,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english119.wav +386,71,0,"leicester, uk",english12,english,female,69,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english12.wav +387,65,0,"saskatoon, saskatchewan, canada",english120,english,male,456,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english120.wav +388,21,0,"waconia, minnesota, usa",english121,english,male,465,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english121.wav +389,20,0,"kuala lumpur, malaysia",english122,english,female,468,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english122.wav +390,28,0,"riverside, california, usa",english123,english,female,469,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english123.wav +391,38,0,"brooklyn, new york, usa",english124,english,male,480,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet or Wednesday at the train station.",recordings/wav/english124.wav +392,28,0,"st. george, queensland, australia",english125,english,male,485,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things, whether from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet on Wednesday at the train station.",recordings/wav/english125.wav +393,34,0,"cincinnati, ohio, usa",english126,english,female,487,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english126.wav +394,39,0,"new britain, connecticut, usa",english127,english,male,489,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english127.wav +395,20,0,"miami, florida, usa",english128,english,female,490,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english128.wav +396,25,0,"blackpool, lancashire, uk",english129,english,male,492,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet on Wednesday at the train station.",recordings/wav/english129.wav +397,69,0,"henley on thames, oxfordshire, uk",english13,english,male,70,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/english13.wav +398,32,0,"port elizabeth, south africa",english130,english,male,496,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella also to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english130.wav +399,23,0,"west palm beach, florida, usa",english131,english,male,497,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. But we also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english131.wav +400,18,0,"toronto, ontario, canada",english132,english,female,503,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english132.wav +401,36,0,"norwich, new york, usa",english133,english,female,504,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english133.wav +402,22,0,"belfast, northern ireland, uk",english134,english,female,506,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english134.wav +403,22,0,"orange beach, alabama, usa",english135,english,male,507,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english135.wav +404,25,0,"calgary, alberta, canada",english136,english,male,508,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english136.wav +405,26,0,"charleston, west virginia, usa",english137,english,male,509,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english137.wav +406,25,0,"palmer, alaska, usa",english138,english,female,510,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english138.wav +407,20,0,"providence, rhode island, usa",english139,english,male,511,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english139.wav +408,40,0,"belfast, northern ireland, uk",english14,english,male,71,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go to meet, are wet and stay at the train station.",recordings/wav/english14.wav +409,43,0,"quezon city, philippines",english140,english,male,515,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese that maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english140.wav +410,19,0,"york, uk",english141,english,male,516,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their firm star. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english141.wav +411,19,0,"avon, new york, usa",english142,english,male,517,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english142.wav +412,42,0,"minneapolis, minnesota, usa",english143,english,male,518,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english143.wav +413,24,0,"barneys river, nova scotia, canada",english144,english,male,519,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english144.wav +414,18,0,"bury st. edmunds, uk",english145,english,male,521,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english145.wav +415,22,0,"blytheville, arkansas, usa",english146,english,male,522,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english146.wav +416,40,0,"merced, california, usa",english147,english,female,523,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english147.wav +417,31,0,"sydney, australia",english148,english,male,525,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english148.wav +418,18,0,"lawrenceville, georgia, usa",english149,english,male,526,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Extra to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. Singing scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english149.wav +419,7,0,"norton, virginia, usa",english15,english,female,72,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things from her.,recordings/wav/english15.wav +420,31,0,"brownsville, kentucky, usa",english150,english,male,527,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english150.wav +421,18,0,"baltimore, maryland, usa",english151,english,male,528,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english151.wav +422,18,0,"adelaide, australia",english152,english,male,529,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things where there from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet her when see at the train station.",recordings/wav/english152.wav +423,35,0,"brisbane, australia",english153,english,male,533,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/english153.wav +424,28,0,"glace bay, nova scotia, canada",english154,english,male,534,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english154.wav +425,35,0,"oakland, california, usa",english155,english,male,535,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english155.wav +426,33,0,"dublin, ireland",english156,english,male,536,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english156.wav +427,35,0,"fort worth, texas, usa",english157,english,male,538,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob while staying to small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english157.wav +428,18,0,"washington, district of columbia, usa",english158,english,female,540,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english158.wav +429,18,0,"ottawa, ontario, canada",english159,english,male,541,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english159.wav +430,21,0,"wise, virginia, usa",english16,english,male,73,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake or a big toy frog for the kids.",recordings/wav/english16.wav +431,21,0,"redwood falls, minnesota, usa",english160,english,female,542,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english160.wav +432,75,0,"wakefield, ohio, usa",english161,english,female,546,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english161.wav +433,41,0,"delaware, ohio, usa",english162,english,female,548,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. If we also need a small plastic snake and a big toy frog for the kids, she can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english162.wav +434,41,0,"fairview park, ohio, usa",english163,english,male,547,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english163.wav +435,38,0,"leeds, uk",english164,english,male,549,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring the these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the for the kids. She can scoop these things into 3 red bags and we and we will go meet her Wednesday at the train station.",recordings/wav/english164.wav +436,43,0,"detroit, michigan, usa",english165,english,female,550,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english165.wav +437,18,0,"glenside, pennsylvania, usa",english166,english,male,551,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english166.wav +438,43,0,"lakeview, michigan, usa",english167,english,male,552,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english167.wav +439,40,0,"oceanside, california, usa",english168,english,male,554,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english168.wav +440,18,0,"cleveland, mississippi, usa",english169,english,male,555,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english169.wav +441,79,0,"darwin va, virginia, usa",english17,english,male,74,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store.,recordings/wav/english17.wav +442,50,0,"belmont, mississippi, usa",english170,english,female,556,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english170.wav +443,21,0,"st. louis, missouri, usa",english171,english,male,563,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english171.wav +444,49,0,"kingston, jamaica",english172,english,male,564,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english172.wav +445,19,0,"libertyville, illinois, usa",english173,english,male,567,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the three red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english173.wav +446,30,0,"kuching, sarawak, malaysia",english174,english,female,568,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english174.wav +447,24,0,"seattle, washington, usa",english175,english,male,572,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/english175.wav +448,18,0,"elizabeth city, north carolina, usa",english176,english,female,573,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her on Wednesday at the train station.",recordings/wav/english176.wav +449,23,0,"new orleans, louisiana, usa",english177,english,female,574,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english177.wav +450,30,0,"wilkes-barre, pennsylvania, usa",english178,english,male,583,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english178.wav +451,57,0,"huron, south dakota, usa",english179,english,male,584,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english179.wav +452,39,0,"dickenson county, virginia, usa",english18,english,female,75,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go feed her Wednesday at the train station.",recordings/wav/english18.wav +453,20,0,"newport, rhode island, usa",english180,english,male,585,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english180.wav +454,68,0,"new eagle, pennsylvania, usa",english181,english,male,586,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/english181.wav +455,50,0,"troy, new york, usa",english182,english,male,590,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english182.wav +456,55,0,"corriverton, guyana",english183,english,female,595,guyana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet with. Meet her Wednesday at the train station.",recordings/wav/english183.wav +457,18,0,"hillsboro, oregon, usa",english184,english,female,597,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english184.wav +458,38,0,"oxford, uk",english185,english,male,604,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english185.wav +459,39,0,"gadsden, alabama, usa",english186,english,female,605,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english186.wav +460,42,0,"algona, iowa, usa",english187,english,female,606,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english187.wav +461,35,0,"edinburgh, scotland, uk",english188,english,male,611,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 springs of fresh snow peas, 5 thick slabs of boy cheese and maybe a stack for her brother Bob. We also need a small plastic snake and how big toy frog for the kids. She can scoop these things into 3 red bags. We will go to meet her Wednesday at the train station.",recordings/wav/english188.wav +462,19,0,"grand forks, north dakota, usa",english189,english,male,617,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english189.wav +463,53,0,"louisville, kentucky, usa",english19,english,male,76,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. You can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english19.wav +464,27,0,"oak park, illinois, usa",english190,english,male,618,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english190.wav +465,19,0,"las cruces, new mexico, usa",english191,english,male,631,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/english191.wav +466,27,0,"east lansing, michigan, usa",english192,english,female,636,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english192.wav +467,32,0,"honolulu, hawaii, usa",english193,english,male,637,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english193.wav +468,19,0,"manchester, england, uk",english194,english,male,638,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for a brother Bob. We also need small plastic snakes and a big toy frog for the kids. She could scoop these things into free red bags and will go meet her Wednesday at the train station.",recordings/wav/english194.wav +469,21,0,"delavan, wisconsin, usa",english195,english,female,639,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english195.wav +470,50,0,"suva, fiji",english196,english,female,654,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english196.wav +471,22,0,"iowa city, iowa, usa",english197,english,male,662,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english197.wav +472,56,0,"washington, district of columbia, usa",english198,english,male,663,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with.,recordings/wav/english198.wav +473,25,0,"bay shore, new york, usa",english199,english,male,664,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english199.wav +474,30,0,"birmingham, uk",english2,english,female,77,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english2.wav +475,27,0,"mt. holly, north carolina, usa",english20,english,female,78,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english20.wav +476,22,0,"berkeley, california, usa",english200,english,female,667,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english200.wav +477,26,0,"warren, michigan, usa",english201,english,female,668,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english201.wav +478,19,0,"crisfield, maryland, usa",english202,english,male,673,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english202.wav +479,63,0,"boston, massachusetts, usa",english203,english,female,674,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english203.wav +480,53,0,"chicago, illinois, usa",english204,english,male,678,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack or her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her at.",recordings/wav/english204.wav +481,45,0,"blue earth, minnesota, usa",english205,english,female,679,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her at Wednesday at the train station.",recordings/wav/english205.wav +482,35,0,"hucknall, nottinghamshire, england, uk",english206,english,female,680,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rope bags and we will go meet her Wednesday at the train station.",recordings/wav/english206.wav +483,23,0,"wilkes-barre, pennsylvania, usa",english207,english,female,684,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english207.wav +484,46,0,"washington, dc, usa",english208,english,male,695,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english208.wav +485,28,0,"saint johns, antigua and barbuda",english209,english,female,702,antigua and barbuda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english209.wav +486,37,0,"boston, massachusetts, usa",english21,english,female,79,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english21.wav +487,23,0,"trenton, nova scotia, canada",english210,english,female,705,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english210.wav +488,30,0,"worcester, massachusetts, usa",english211,english,male,720,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english211.wav +489,24,0,"spartanburg, south carolina, usa",english212,english,male,729,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english212.wav +490,38,0,"dodge city, kansas, usa",english213,english,male,734,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english213.wav +491,26,0,"myrtle beach, south carolina, usa",english214,english,male,737,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call us to ask her to bring these things with her from the store. 6 spoons of fresh snow peas, Fife, thick slabs, blue cheese and maybe a snack for brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things with the three red bags and would go meet her. Want to see at the train station?",recordings/wav/english214.wav +492,20,0,"lemington spa, warwickshire, uk",english215,english,male,738,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoot these things in a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english215.wav +493,48,0,"chicago, illinois, usa",english216,english,female,739,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english216.wav +494,66,0,"harrow, middlesex, uk",english217,english,male,740,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob.",recordings/wav/english217.wav +495,27,0,"abingdon, virginia, usa",english218,english,female,747,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english218.wav +496,38,0,"oakland, california, usa",english219,english,female,748,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english219.wav +497,25,0,"panama city, panama",english22,english,female,80,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the Store 6 spoon or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go with me.,recordings/wav/english22.wav +498,18,0,"anaheim, california, usa",english220,english,female,749,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/english220.wav +499,45,0,"london, uk",english221,english,male,754,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english221.wav +500,18,0,"auburn, indiana, usa",english222,english,female,764,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english222.wav +501,18,0,"erie, pennsylvania, usa",english223,english,male,767,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english223.wav +502,20,0,"bridgetown, barbados",english224,english,male,768,barbados,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas, A5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bikes and we will go meet her Wednesday at the train station.",recordings/wav/english224.wav +503,50,0,"dundee, scotland, uk",english225,english,male,771,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english225.wav +504,38,0,"walton-on-thames, surrey, uk",english226,english,male,772,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english226.wav +505,42,0,"camberley, surrey, uk",english227,english,female,773,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english227.wav +506,59,0,"glasgow, scotland, uk",english228,english,female,774,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh snow speak Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station. Thank you very much. You're welcome.,recordings/wav/english228.wav +507,25,0,"burlington, vermont, usa",english229,english,male,775,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her at Wednesday at the train station.",recordings/wav/english229.wav +508,43,0,"englewood, tennessee, usa",english23,english,male,81,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english23.wav +509,35,0,"launceston, tasmania, australia",english230,english,male,776,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also needed a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we would go meet her Wednesday at the train station.",recordings/wav/english230.wav +510,22,0,"tampa, florida, usa",english231,english,male,791,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas. I have thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english231.wav +511,32,0,"metairie, louisiana, usa",english232,english,female,798,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english232.wav +512,26,0,"edmonton, alberta, canada",english233,english,female,793,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english233.wav +513,49,0,"bloomington, indiana, usa",english234,english,male,794,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english234.wav +514,52,0,"richmond, virginia, usa",english235,english,female,795,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english235.wav +515,44,0,"st. charles, illinois, usa",english236,english,male,799,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english236.wav +516,22,0,"jeffersonville, ohio, usa",english237,english,female,801,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english237.wav +517,21,0,"vancouver, british columbia, canada",english238,english,female,802,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/english238.wav +518,19,0,"fort kobbe, panama",english239,english,male,803,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english239.wav +519,37,0,"glasgow, scotland, uk",english24,english,male,82,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and will go meet her on Wednesday at the train station.",recordings/wav/english24.wav +520,26,0,"guelph, ontario, canada",english240,english,male,815,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons fresh Snow peas 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english240.wav +521,52,0,"wanganui, new zealand",english241,english,female,817,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english241.wav +522,77,0,"laurel, mississippi, usa",english242,english,female,818,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go beat her Wednesday at the train station.",recordings/wav/english242.wav +523,27,0,"fredericton, new brunswick, canada",english243,english,male,820,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english243.wav +524,23,0,"san francisco, california, usa",english244,english,male,821,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english244.wav +525,25,0,"pittsburgh, pennsylvania, usa",english245,english,male,824,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.,recordings/wav/english245.wav +526,32,0,"los angeles, california, usa",english246,english,male,825,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english246.wav +527,33,0,"prince rupert, british columbia, canada",english247,english,male,835,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english247.wav +528,18,0,"philadelphia, pennsylvania, usa",english248,english,female,840,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english248.wav +529,29,0,"boston, massachusetts, usa",english249,english,female,850,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack with her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english249.wav +530,57,0,"atlanta, georgia, usa",english25,english,male,83,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask her that bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english25.wav +531,19,0,"chester, england, uk",english250,english,male,852,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 Spoons her first Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fog for the kids.",recordings/wav/english250.wav +532,21,0,"mt. kisco, new york, usa",english251,english,male,855,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english251.wav +533,25,0,"san jose ca, california, usa",english252,english,female,856,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked me to bring these things with her from the store. 6 spoons are fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/english252.wav +534,21,0,"dublin, ireland",english253,english,male,857,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas 5 takes slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english253.wav +535,39,0,"eugene, oregon, usa",english254,english,male,858,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english254.wav +536,24,0,"oamaru, new zealand",english255,english,female,859,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas 5-6 slaves or blue cheese.,recordings/wav/english255.wav +537,23,0,"laurinburg, north carolina, usa",english256,english,male,861,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 students of fresh Young peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things and the three red bags and go meet her Wednesday at the train station.",recordings/wav/english256.wav +538,24,0,"san diego, california, usa",english257,english,male,863,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english257.wav +539,24,0,"kilkenny, ireland",english258,english,male,869,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english258.wav +540,23,0,"singapore, singapore",english259,english,male,870,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things we've heard from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Paul. We also need a small plastic snake and a big toy frog for the kids. She gets up these things into 3 red bags and we'll go meet her Wednesday editorial station.",recordings/wav/english259.wav +541,71,0,"smith island, maryland, usa",english26,english,male,84,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english26.wav +542,18,0,"phoenix, arizona, usa",english260,english,female,871,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english260.wav +543,59,0,"forestville, maryland, usa",english261,english,female,875,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english261.wav +544,60,0,"naylor, maryland, usa",english262,english,male,876,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella X Her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english262.wav +545,21,0,"oak forest, illinois, usa",english263,english,male,884,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english263.wav +546,21,0,"freemont, california, usa",english264,english,male,889,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english264.wav +547,31,0,"vancouver wa, washington, usa",english265,english,male,890,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english265.wav +548,18,0,"san diego, california, usa",english266,english,male,899,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the storm 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english266.wav +549,66,0,"leeds, uk",english267,english,male,900,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask. It should bring Liz things with different store 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack with brother Bob.",recordings/wav/english267.wav +550,67,0,"leeds, uk",english268,english,female,901,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. You can scoop these things into these three red bags and we'll go and meet in Wednesday at the train station.",recordings/wav/english268.wav +551,22,0,"adelaide, australia",english269,english,female,902,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english269.wav +552,37,0,"smith island, maryland, usa",english27,english,female,85,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english27.wav +553,29,0,"cape town, south africa",english270,english,male,903,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, far thick slabs, blue cheese and maybe a snack for brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go me to Winsted, the train station.",recordings/wav/english270.wav +554,32,0,"cape town, south africa",english271,english,female,904,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can screw please things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english271.wav +555,20,0,"dallas, texas, usa",english272,english,male,905,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english272.wav +556,46,0,"blue bell, pennsylvania, usa",english273,english,male,907,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english273.wav +557,25,0,"sydney, australia",english274,english,female,909,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english274.wav +558,20,0,"clifton, new jersey, usa",english275,english,female,912,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english275.wav +559,50,0,"chattanooga, tennessee, usa",english276,english,female,918,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english276.wav +560,48,0,"hudson, new york, usa",english277,english,female,919,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english277.wav +561,18,0,"augusta, georgia, usa",english278,english,female,921,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english278.wav +562,30,0,"singapore, singapore",english279,english,female,922,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english279.wav +563,54,0,"toronto, ontario, canada",english28,english,male,86,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english28.wav +564,19,0,"ramsey, isle of man",english280,english,female,935,isle of man,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english280.wav +565,23,0,"ramsey mn, minnesota, usa",english281,english,male,937,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english281.wav +566,20,0,"tampa, florida, usa",english282,english,male,939,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english282.wav +567,18,0,"pelham, new york, usa",english283,english,male,951,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english283.wav +568,33,0,"gainesville, florida, usa",english284,english,male,952,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english284.wav +569,50,0,"melbourne, australia",english285,english,male,961,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english285.wav +570,21,0,"beaumont, texas, usa",english286,english,female,977,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wince. T at the train station.",recordings/wav/english286.wav +571,27,0,"singapore, singapore",english287,english,female,981,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things differ from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bomb. We also need a small plastic snake and a big toy front for the kids. She can skip these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/english287.wav +572,26,0,"st. louis, missouri, usa",english288,english,female,982,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english288.wav +573,19,0,"fairfax, virginia, usa",english289,english,female,983,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english289.wav +574,54,0,"lindsay, ontario, canada",english29,english,female,87,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english29.wav +575,20,0,"duluth, georgia, usa",english290,english,male,986,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a pig toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english290.wav +576,18,0,"belize city, belize",english291,english,male,1026,belize,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 big slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english291.wav +577,38,0,"kansas city, missouri, usa",english292,english,male,1051,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english292.wav +578,22,0,"billings, montana, usa",english293,english,female,1052,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english293.wav +579,19,0,"naracoorte, australia",english294,english,female,1060,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 66 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her. Go meet her Wednesday at the train station.",recordings/wav/english294.wav +580,25,0,"airdrie, alberta, canada",english295,english,male,1067,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english295.wav +581,18,0,"edmonton, alberta, canada",english296,english,female,1070,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things and three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english296.wav +582,19,0,"lindenhurst, new york, usa",english297,english,male,1071,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things within the store.,recordings/wav/english297.wav +583,22,0,"lismore, new south wales, australia",english298,english,male,1072,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet on Wednesday at the train station.",recordings/wav/english298.wav +584,59,0,"windsor, ontario, canada",english299,english,male,1075,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english299.wav +585,26,0,"brisbane, australia",english3,english,female,88,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english3.wav +586,30,0,"st. mary's, ontario, canada",english30,english,female,89,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stores. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english30.wav +587,18,0,"dublin, ireland",english300,english,male,1076,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english300.wav +588,41,0,"toronto, ontario, canada",english301,english,male,1078,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english301.wav +589,22,0,"melbourne, australia",english302,english,male,1085,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english302.wav +590,45,0,"anaheim, california, usa",english303,english,female,1086,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things with her from the store.,recordings/wav/english303.wav +591,20,0,"clare, ireland",english304,english,female,1088,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english304.wav +592,24,0,"la paz, bolivia",english305,english,female,1094,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked us to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snap in a big toy frog for the kids. She can scoop these things into 3 red bags and will go yeah and we will go meet her Wednesday at the train station.",recordings/wav/english305.wav +593,24,0,"london, uk",english306,english,female,1093,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 55 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english306.wav +594,48,0,"alexandria, va, usa",english307,english,male,1100,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english307.wav +595,34,0,"cardiff, wales, uk",english308,english,male,1101,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english308.wav +596,44,0,"dunedin, new zealand",english309,english,female,1105,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english309.wav +597,31,0,"st. augustine, trinidad",english31,english,female,90,trinidad,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meter Wednesday at the train station.",recordings/wav/english31.wav +598,37,0,"oxford, uk",english310,english,female,1108,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go. We will go meet her Wednesday at the train station.",recordings/wav/english310.wav +599,38,0,"detroit, michigan, usa",english311,english,female,1110,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english311.wav +600,40,0,"edmonton, alberta, canada",english312,english,female,1113,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go made her Wednesday at the train station.",recordings/wav/english312.wav +601,28,0,"silver spring, maryland, usa",english313,english,male,1119,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack by her brother Bob.",recordings/wav/english313.wav +602,26,0,"memphis, tennessee, usa",english314,english,female,1120,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things and have 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english314.wav +603,25,0,"los angeles, california, usa",english315,english,male,1121,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english315.wav +604,33,0,"sacramento, california, usa",english316,english,male,1122,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english316.wav +605,26,0,"burlington, vermont, usa",english317,english,male,1132,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english317.wav +606,46,0,"sarnia, ontario, canada",english318,english,male,1137,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english318.wav +607,29,0,"grimsby, lincolnshire, uk",english319,english,male,1138,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their former Star 6 bins of fresh no. Peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in a free red bags and will go meet her Wednesday at the train station.",recordings/wav/english319.wav +608,50,0,"fresno, california, usa",english32,english,female,91,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english32.wav +609,59,0,"maryland county, liberia",english320,english,female,1162,liberia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh slow piece, 5 tick slums of blue cheese and maybe a snack for her brother born.",recordings/wav/english320.wav +610,52,0,"brooklyn, new york, usa",english321,english,male,1163,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english321.wav +611,29,0,"yorkton, saskatchewan, canada",english322,english,male,1172,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english322.wav +612,31,0,"regina, saskatchewan, canada",english323,english,female,1173,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english323.wav +613,28,0,"st. marys, ontario, canada",english324,english,male,1174,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english324.wav +614,32,0,"reading, pennsylvania, usa",english325,english,male,1176,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english325.wav +615,53,0,"fairborn, ohio, usa",english326,english,male,1188,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english326.wav +616,27,0,"dunedin, florida, usa",english327,english,male,1205,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english327.wav +617,23,0,"hollywood, florida, usa",english328,english,female,1206,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english328.wav +618,21,0,"boise, idaho, usa",english329,english,female,1207,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english329.wav +619,21,0,"san diego, california, usa",english33,english,male,92,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english33.wav +620,18,0,"augusta, georgia, usa",english330,english,female,1208,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english330.wav +621,28,0,"perth, australia",english331,english,female,1209,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english331.wav +622,20,0,"baltimore, maryland, usa",english332,english,female,1212,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english332.wav +623,32,0,"spokane, washington, usa",english333,english,female,1214,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english333.wav +624,18,0,"derby, england, uk",english334,english,female,1215,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english334.wav +625,6,0,"washington, district of columbia, usa",english335,english,male,1216,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask ordering these things whistle from the stores. 6 spoons of fresh snow peas 5-6 slick, 6 slabs of blue cheese and maybe a snack for brother Bob. He also need a small plastic snake and a big toy frog for the kids. She can keep these things in the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english335.wav +626,46,0,"baltimore, maryland, usa",english336,english,female,1217,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english336.wav +627,84,0,"jersey city, new jersey, usa",english337,english,female,1218,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english337.wav +628,53,0,"sydney, australia",english338,english,female,1219,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english338.wav +629,54,0,"chicago, illinois, usa",english339,english,male,1220,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english339.wav +630,18,0,"ronkonkoma, new york, usa",english34,english,female,93,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic steak and a big toy frog for the kids. She could scoop these things to three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english34.wav +631,19,0,"charleston, west virginia, usa",english340,english,male,1222,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we would go meet her Wednesday at the train station.",recordings/wav/english340.wav +632,23,0,"new york, new york, usa",english341,english,female,1224,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english341.wav +633,33,0,"kansas city, missouri, usa",english342,english,male,1225,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english342.wav +634,23,0,"portland, maine, usa",english343,english,male,1226,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english343.wav +635,19,0,"lumberton, north carolina, usa",english344,english,female,1232,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english344.wav +636,20,0,"kansas city, missouri, usa",english345,english,male,1233,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english345.wav +637,60,0,"east hartford, connecticut, usa",english346,english,male,1235,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english346.wav +638,22,0,"burnsville, minnesota, usa",english347,english,female,1236,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english347.wav +639,20,0,"las pinas, philippines",english348,english,female,1237,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from this or six spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english348.wav +640,24,0,"warrenton, virginia, usa",english349,english,female,1239,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english349.wav +641,60,0,"milwaukee, wisconsin, usa",english35,english,female,94,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english35.wav +642,18,0,"polesworth, staffordshire, uk",english350,english,female,1241,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/english350.wav +643,37,0,"carthage, missouri, usa",english351,english,male,1242,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english351.wav +644,25,0,"singapore, singapore",english352,english,male,1243,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english352.wav +645,18,0,"saskatoon, saskatchewan, canada",english353,english,male,1246,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 moons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english353.wav +646,23,0,"christchurch, new zealand",english354,english,female,1250,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with you from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english354.wav +647,19,0,"los angeles, california, usa",english355,english,male,1256,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english355.wav +648,23,0,"morden, manitoba, canada",english356,english,female,1257,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english356.wav +649,24,0,"alto, georgia, usa",english357,english,male,1258,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english357.wav +650,19,0,"fredericton, new brunswick, canada",english358,english,male,1259,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store.,recordings/wav/english358.wav +651,32,0,"sackville, new brunswick, canada",english359,english,male,1276,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english359.wav +652,60,0,"arcadia, wisconsin, usa",english36,english,male,95,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english36.wav +653,19,0,"erie, pennsylvania, usa",english360,english,female,1277,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english360.wav +654,20,0,"burnsville, minnesota, usa",english361,english,female,1280,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english361.wav +655,21,0,"cork, ireland",english362,english,male,1281,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english362.wav +656,20,0,"castle donington, uk",english363,english,male,1287,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english363.wav +657,28,0,"sydney, australia",english364,english,female,1288,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english364.wav +658,52,0,"oxford, uk",english365,english,male,1292,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english365.wav +659,25,0,"bournesmouth, uk",english366,english,female,1293,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons fresh Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english366.wav +660,25,0,"birkenhead, uk",english367,english,female,1294,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet on Wednesday at the train station.",recordings/wav/english367.wav +661,43,0,"strattford-on-avon, uk",english368,english,male,1295,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english368.wav +662,27,0,"mcminnville, oregon, usa",english369,english,male,1297,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english369.wav +663,28,0,"yole, india",english37,english,female,96,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/english37.wav +664,22,0,"pondicherry, india",english370,english,male,1302,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english370.wav +665,27,0,"colorado springs, colorado, usa",english371,english,female,1303,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english371.wav +666,80,0,"christiansburg, virginia, usa",english372,english,male,1307,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob.",recordings/wav/english372.wav +667,22,0,"russellville, kentucky, usa",english373,english,male,1308,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english373.wav +668,36,0,"milford haven, wales, uk",english374,english,male,1310,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english374.wav +669,28,0,"manchester, connecticut, usa",english375,english,male,1312,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english375.wav +670,46,0,"pasadena, california, usa",english376,english,male,1315,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english376.wav +671,32,0,"trenton, michigan, usa",english377,english,female,1319,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 bags and we will go meet her Wednesday at the train station.",recordings/wav/english377.wav +672,38,0,"silver spring, maryland, usa",english378,english,female,1320,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask him to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english378.wav +673,43,0,"summit, new jersey, usa",english379,english,male,1321,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english379.wav +674,27,0,"littlehampton, uk",english38,english,male,97,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english38.wav +675,34,0,"roanoke, virginia, usa",english380,english,female,1323,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english380.wav +676,85,0,"pike county, kentucky, usa",english381,english,male,1324,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english381.wav +677,34,0,"arlington, virginia, usa",english382,english,male,1325,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english382.wav +678,32,0,"washington, district of columbia, usa",english383,english,female,1326,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english383.wav +679,57,0,"williamson, west virginia, usa",english384,english,male,1327,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her to breeding these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english384.wav +680,77,0,"mcveigh, kentucky, usa",english385,english,female,1328,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english385.wav +681,56,0,"los angeles, california, usa",english386,english,female,1330,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english386.wav +682,21,0,"lancaster, california, usa",english387,english,female,1331,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 booms of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also needed a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english387.wav +683,70,0,"bluefield, west virginia, usa",english388,english,female,1332,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police called Stella.,recordings/wav/english388.wav +684,71,0,"aldie, virginia, usa",english389,english,female,1333,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellar ask her to bring these things and with her from the store. 6 spoons are fresh and opies. 5-6 slabs of blue cheese and maybe a snack for her brother bought. We also need a small plants, a snake and a big target for for the kids. She got scooped these things into 3 bags and we will go and meet her wins at the train station.",recordings/wav/english389.wav +685,59,0,"new orleans, louisiana, usa",english39,english,female,98,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english39.wav +686,74,0,"milwaukee, wisconsin, usa",english390,english,male,1334,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english390.wav +687,84,0,"milton, florida, usa",english391,english,female,1335,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Ashcraft to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her bought brother Bob. We also need a small plastic snake and a big toy.",recordings/wav/english391.wav +688,62,0,"warrenton, virginia, usa",english392,english,male,1336,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please 'cause please call Stella Asset to bringing it bring these things with her from this from the store. 6 bunches of fresh snow peas, fast fatty.",recordings/wav/english392.wav +689,58,0,"washington, district of columbia, usa",english393,english,female,1337,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english393.wav +690,82,0,"aiken, south carolina, usa",english394,english,female,1339,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother love. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english394.wav +691,39,0,"alexandria, virginia, usa",english395,english,male,1340,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Note peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things up into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english395.wav +692,48,0,"orange, virginia, usa",english396,english,female,1341,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english396.wav +693,76,0,"wadesboro, north carolina, usa",english397,english,female,1342,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring things these things with her from the stool. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from the key for the kids.",recordings/wav/english397.wav +694,83,0,"salisbury, north carolina, usa",english398,english,female,1343,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english398.wav +695,80,0,"la grange, georgia, usa",english399,english,female,1345,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",The police calls Della.,recordings/wav/english399.wav +696,53,0,"saint anne's bay, jamaica",english4,english,female,99,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english4.wav +697,53,0,"dudley, uk",english40,english,male,100,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stool. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english40.wav +698,59,0,"shanklin, isle of wight, uk",english400,english,female,1348,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english400.wav +699,26,0,"lucerne, switzerland",english401,english,male,1349,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english401.wav +700,26,0,"canberra, australia",english402,english,female,1350,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.,recordings/wav/english402.wav +701,29,0,"sydney, australia",english403,english,female,1351,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english403.wav +702,29,0,"windsor, australia",english404,english,male,1352,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english404.wav +703,32,0,"geelong, australia",english405,english,female,1353,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english405.wav +704,24,0,"pensacola, florida, usa",english406,english,female,1358,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english406.wav +705,47,0,"windsor, ontario, canada",english407,english,male,1360,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english407.wav +706,64,0,"lynwood, california, usa",english408,english,male,1361,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english408.wav +707,60,0,"maitland, australia",english409,english,female,1362,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english409.wav +708,44,0,"wellington, new zealand",english41,english,male,101,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english41.wav +709,35,0,"hamilton, new zealand",english410,english,male,1363,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english410.wav +710,26,0,"washington, district of columbia, usa",english411,english,female,1371,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, any big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english411.wav +711,31,0,"washington, district of columbia, usa",english412,english,female,1372,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english412.wav +712,20,0,"manchester, england, uk",english413,english,female,1373,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english413.wav +713,30,0,"woonsocket, rhode island, usa",english414,english,female,1374,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english414.wav +714,32,0,"woonsocket, rhode island, usa",english415,english,male,1375,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs and blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these singers into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english415.wav +715,34,0,"sydney, australia",english416,english,male,1377,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed labs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/english416.wav +716,20,0,"cardiff, wales, uk",english417,english,female,1380,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed labs, blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake at a big toy frog for the kids. She can scoot these things into free red bags and we will go meet her or Wednesday at the train station.",recordings/wav/english417.wav +717,29,0,"arlington, virginia",english418,english,male,1384,virginia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english418.wav +718,27,0,"youngstown, ohio, usa",english419,english,male,1385,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english419.wav +719,65,0,"nigel, south africa",english42,english,male,102,south africa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english42.wav +720,21,0,"auckland, new zealand",english420,english,male,1387,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/english420.wav +721,38,0,"landstuhl, germany",english421,english,male,1388,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english421.wav +722,31,0,"rochester, new york, usa",english422,english,male,1390,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english422.wav +723,24,0,"baltimore, maryland, usa",english423,english,female,1395,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english423.wav +724,75,0,"danville, virginia, usa",english424,english,male,1409,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas by thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her where she at the train station.,recordings/wav/english424.wav +725,31,0,"danville, virginia, usa",english425,english,male,1410,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english425.wav +726,30,0,"florence, south carolina, usa",english426,english,female,1411,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skate these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english426.wav +727,68,0,"hanover, pennsylvania, usa",english427,english,female,1412,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english427.wav +728,55,0,"kingstree, south carolina, usa",english428,english,female,1413,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english428.wav +729,19,0,"philadelphia, pennsylvania, usa",english429,english,female,1416,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english429.wav +730,47,0,"vancouver, british columbia, canada",english43,english,male,103,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english43.wav +731,23,0,"melbourne, australia",english430,english,female,1419,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from. The store seeks springs of fresh snow peas, by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoot these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english430.wav +732,23,0,"green bay, wisconsin, usa",english431,english,female,1423,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english431.wav +733,22,0,"dublin, ireland",english432,english,female,1428,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, thick five pick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english432.wav +734,32,0,"gladwin, michigan, usa",english433,english,female,1430,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english433.wav +735,24,0,"kansas city, kansas, usa",english434,english,male,1469,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english434.wav +736,20,0,"palm springs, california, usa",english435,english,female,1471,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a stack for her brother bulb. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things to three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english435.wav +737,19,0,"freeport, the bahamas",english436,english,female,1475,the bahamas,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english436.wav +738,21,0,"cleveland, ohio, usa",english437,english,male,1477,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english437.wav +739,20,0,"houston, texas, usa",english438,english,female,1492,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english438.wav +740,18,0,"richmond, british columbia, canada",english439,english,female,1493,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english439.wav +741,63,0,"winston salem, north carolina, usa",english44,english,female,104,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english44.wav +742,22,0,"glasgow, scotland, uk",english440,english,female,1502,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store sex spoons of fresh snow peas. 5 deck slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into three dead bags and we will go and meet hot in Wayne State at the train station.,recordings/wav/english440.wav +743,19,0,"oquawka, illinois, usa",english441,english,female,1524,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english441.wav +744,23,0,"salisbury mills, new york, usa",english442,english,male,1528,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english442.wav +745,31,0,"fort collins, colorado, usa",english443,english,male,1530,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english443.wav +746,24,0,"anniston, alabama, usa",english444,english,male,1531,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english444.wav +747,60,0,"san francisco, california, usa",english445,english,male,1532,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english445.wav +748,23,0,"moorhead, minnesota, usa",english446,english,female,1533,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. If you can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english446.wav +749,21,0,"hartford, connecticut, usa",english447,english,male,1534,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english447.wav +750,20,0,"isle of arran, scotland, uk",english448,english,male,1536,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fessional peas, 5 thick slabs of blue cheese and maybe a snack for Bill or Bob. We also need a small plastic snake and a big toy fog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english448.wav +751,27,0,"barton, vermont, usa",english449,english,male,1538,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english449.wav +752,52,0,"pine bluff, arkansas, usa",english45,english,male,105,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also made a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english45.wav +753,26,0,"windsor, uk",english450,english,male,1544,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oxford to bring these things were from the store.,recordings/wav/english450.wav +754,44,0,"hazlehurst, georgia, usa",english451,english,male,1546,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/english451.wav +755,24,0,"newcastle, australia",english452,english,male,1547,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 moons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english452.wav +756,21,0,"chicago, illinois, usa",english453,english,female,1548,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into through red bags and we will go meet her Wednesday at the train station.",recordings/wav/english453.wav +757,19,0,"raleigh, north carolina, usa",english454,english,female,1550,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when stay at the train station.",recordings/wav/english454.wav +758,29,0,"washington, dc, usa",english455,english,female,1552,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english455.wav +759,37,0,"lancashire, leyland, uk",english456,english,female,1554,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet on Wednesday at the train station.",recordings/wav/english456.wav +760,43,0,"syracuse, new york, usa",english457,english,male,1555,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english457.wav +761,22,0,"reno, nevada, usa",english458,english,female,1559,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas 5 pics. Lapse of blue cheese and maybe a snack for her brother Bob.,recordings/wav/english458.wav +762,19,0,"charlotte, north carolina, usa",english459,english,male,1560,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english459.wav +763,73,0,"creswell, north carolina, usa",english46,english,male,106,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english46.wav +764,19,0,"rutland, england, uk",english460,english,female,1561,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english460.wav +765,44,0,"poughkeepsie, new york, usa",english461,english,female,1563,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english461.wav +766,20,0,"paducah, kentucky, usa",english462,english,male,1564,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english462.wav +767,53,0,"brooklyn, new york, usa",english463,english,female,1571,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english463.wav +768,27,0,"ottawa, ontario, canada",english464,english,male,1618,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english464.wav +769,20,0,"aylesbury, buckinghamshire, uk",english465,english,male,1635,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow, Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english465.wav +770,18,0,"portland, maine, usa",english466,english,male,1637,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags. We will go meet her Wednesday at the train station.",recordings/wav/english466.wav +771,23,1,"pozzuoli, italy",english467,english,male,1639,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english467.wav +772,30,0,"myrtle beach, south carolina, usa",english468,english,male,1640,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones were fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english468.wav +773,22,0,"knoxville, tennessee, usa",english469,english,male,1641,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english469.wav +774,76,0,"plantersville, arkansas, usa",english47,english,female,107,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please cast hour, ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when she at the train station.",recordings/wav/english47.wav +775,21,0,"leighton buzzard, uk",english470,english,male,1642,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her room to the store. 6 spoons of fresh Snow peas, 5 thick slabs with blue cheese and maybe sniper brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into her three red bags so will go meet her Wednesday at the train station.",recordings/wav/english470.wav +776,26,0,"calgary, alberta, canada",english471,english,female,1648,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english471.wav +777,26,0,"rota, spain",english472,english,male,1649,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english472.wav +778,20,0,"nottingham, uk",english473,english,male,1650,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Firefix labs are blue cheese and maybe a snack for her brother Bob.,recordings/wav/english473.wav +779,33,0,"rochester, minnesota, usa",english474,english,female,1656,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english474.wav +780,29,0,"ogden, utah, usa",english475,english,female,1657,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english475.wav +781,64,0,"manchester, new hampshire, usa",english476,english,female,1658,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english476.wav +782,31,0,"san diego, california, usa",english477,english,female,1659,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three ride bags and we will go meet her Wednesday at the train station.",recordings/wav/english477.wav +783,19,0,"sydney, nova scotia, canada",english478,english,male,1661,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english478.wav +784,64,0,"new york, new york, usa",english479,english,female,1664,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english479.wav +785,26,0,"port moresby, national capital district, papua new guinea",english48,english,male,108,papua new guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english48.wav +786,58,0,"winston-salem, north carolina, usa",english480,english,male,1665,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english480.wav +787,88,0,"stringtown, oklahoma, usa",english481,english,female,1666,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of full of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brothers. Her for her brother Bob.",recordings/wav/english481.wav +788,74,0,"yeadon, pennsylvania, usa",english482,english,female,1667,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english482.wav +789,19,0,"boston, massachusetts, usa",english483,english,male,1668,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english483.wav +790,24,0,"dublin, ireland",english484,english,male,1672,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/english484.wav +791,20,0,"cromwell, connecticut, usa",english485,english,male,1674,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english485.wav +792,53,0,"corentyne, guyana",english486,english,female,1683,guyana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english486.wav +793,22,0,"london, uk",english487,english,female,1688,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother both. We also need a small plastic snake and a big toy hold for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english487.wav +794,35,0,"irvine, scotland, uk",english488,english,female,1692,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english488.wav +795,46,0,"kingston, jamaica",english489,english,female,1694,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons are fresh snow peas.,recordings/wav/english489.wav +796,43,0,"castro valley, california, usa",english49,english,male,109,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english49.wav +797,18,0,"auckland, new zealand",english490,english,male,1709,new zealand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with it from the store.,recordings/wav/english490.wav +798,79,0,"westmoreland, jamaica",english491,english,female,1713,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Acsr to bring these things with her from the store.,recordings/wav/english491.wav +799,22,0,"omaha, nebraska, usa",english492,english,female,1716,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english492.wav +800,20,0,"miami, florida, usa",english493,english,male,1718,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english493.wav +801,27.5,0,"findlay, ohio, usa",english494,english,male,1719,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english494.wav +802,21,0,"kirkland, washington, usa",english495,english,male,1720,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english495.wav +803,20,0,"london, england, uk",english496,english,male,1724,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english496.wav +804,22,0,"cleveland, ohio, usa",english497,english,male,1726,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/english497.wav +805,27,0,"prince george, british columbia, canada",english498,english,male,1727,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask and bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english498.wav +806,21,0,"st. paul, minnesota, usa",english499,english,female,1728,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Star asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/english499.wav +807,62,0,"fairfax, virginia, usa",english5,english,male,110,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english5.wav +808,29,0,"baltic, south dakota, usa",english50,english,female,111,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english50.wav +809,38,0,"albury, new south wales, australia",english500,english,male,1733,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english500.wav +810,64,0,"pittsburgh, pennsylvania, usa",english501,english,female,1734,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english501.wav +811,30,0,"farmington hills, michigan, usa",english502,english,female,1735,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english502.wav +812,29,0,"benin city, nigeria",english503,english,female,1739,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english503.wav +813,25,0,"west palm beach, florida, usa",english504,english,male,1786,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english504.wav +814,50,0,"beirut, lebanon",english505,english,female,1798,lebanon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english505.wav +815,30,0,"new orleans, louisiana, usa",english506,english,female,1799,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english506.wav +816,21,0,"accra, ghana",english507,english,male,1800,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. Five pick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her on Wednesday at the train station.,recordings/wav/english507.wav +817,20,0,"winfield, illinois, usa",english508,english,female,1801,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic sneak in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english508.wav +818,44,0,"coudersport, pennsylvania, usa",english509,english,female,1802,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english509.wav +819,67,0,"detroit, michigan, usa",english51,english,male,112,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english51.wav +820,66,0,"philadelphia, pennsylvania, usa",english510,english,female,1803,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english510.wav +821,31,0,"montgomery, alabama, usa",english511,english,female,1818,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english511.wav +822,54,0,"salina, kansas, usa",english512,english,female,1819,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog.",recordings/wav/english512.wav +823,52,0,"bocas del toro, panama",english513,english,female,1856,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic.",recordings/wav/english513.wav +824,57,0,"youngstown, ohio, usa",english514,english,male,1872,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english514.wav +825,55,0,"youngstown, ohio, usa",english515,english,female,1873,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english515.wav +826,32,0,"dripping springs, texas, usa",english516,english,female,1875,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english516.wav +827,33,0,"colorado springs, colorado, usa",english517,english,male,1876,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store sex spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/english517.wav +828,24,0,"kells, meath, ireland",english518,english,male,1878,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into tree red bags and we will go meet her Wednesday at the train station.",recordings/wav/english518.wav +829,18,1,"karachi, pakistan",english519,english,female,1882,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english519.wav +830,20,0,"calgary, alberta, canada",english52,english,male,113,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english52.wav +831,47,0,"st. paul, minnesota, usa",english520,english,female,1884,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english520.wav +832,25,0,"bethesda, maryland, usa",english521,english,female,1886,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english521.wav +833,22,0,"bethpage, new york, usa",english522,english,female,1887,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english522.wav +834,18,0,"madison, wisconsin, usa",english523,english,female,1888,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english523.wav +835,19,0,"downers grove, illinois, usa",english524,english,male,1890,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet go meet here Wednesday at the train station.",recordings/wav/english524.wav +836,18,0,"albion, new york, usa",english525,english,female,1893,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english525.wav +837,20,0,"woodbridge, virginia, usa",english526,english,male,1895,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we won't go meet her Wednesday at the train station.",recordings/wav/english526.wav +838,25,0,"wynnewood, pennsylvania, usa",english527,english,female,1907,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english527.wav +839,52,0,"green bay, wisconsin, usa",english528,english,female,1908,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english528.wav +840,29,0,"burlington, vermont, usa",english529,english,female,1925,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english529.wav +841,63,0,"syracuse, new york, usa",english53,english,male,114,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english53.wav +842,50,0,"detroit, michigan, usa",english530,english,female,1926,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english530.wav +843,29,0,"nokesville, virginia, usa",english531,english,female,1928,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english531.wav +844,23,0,"bristol, connecticut, usa",english532,english,female,1933,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english532.wav +845,38,0,"fairfax, virginia, usa",english533,english,female,1934,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english533.wav +846,29,0,"mineola, new york, usa",english534,english,female,1951,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english534.wav +847,22,0,"plymouth, massachusetts, usa",english535,english,female,1955,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english535.wav +848,21,0,"richmond, virginia, usa",english536,english,female,1956,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english536.wav +849,21,0,"woodbridge, virginia, usa",english537,english,female,1957,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english537.wav +850,20,0,"lyndhurst, virginia, usa",english538,english,female,1958,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet with her.",recordings/wav/english538.wav +851,19,0,"orange county, california, usa",english539,english,female,1959,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english539.wav +852,40,0,"new albany, indiana, usa",english54,english,female,115,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/english54.wav +853,18,0,"arlington, virginia, usa",english540,english,female,1960,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english540.wav +854,27,0,"fort lauderdale, florida, usa",english541,english,female,1961,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english541.wav +855,60,0,"toronto, ontario, canada",english542,english,male,1962,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english542.wav +856,39,0,"vancouver, british columbia, canada",english543,english,female,1969,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english543.wav +857,31,0,"hanover, new hampshire, usa",english544,english,male,1970,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english544.wav +858,56,0,"tangier island, virginia, usa",english545,english,male,1995,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english545.wav +859,43,0,"tangier island, virginia, usa",english546,english,female,1996,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. I asked her to bring these things from her store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother bath. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english546.wav +860,63,0,"tangier island, virginia, usa",english547,english,male,1997,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. I ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english547.wav +861,61,0,"dublin, ireland",english548,english,male,2003,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring doors things with her from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue keys and maybe a snack for her brother Bob. We also need a small classic snake and a bag of toy frogs for the kids.",recordings/wav/english548.wav +862,19,0,"exminister, uk",english549,english,female,2012,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english549.wav +863,53,0,"st. louis, missouri, usa",english55,english,female,116,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english55.wav +864,82,0,"fredericksburg, virginia, usa",english550,english,male,2028,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as could bring these things with her from the store.,recordings/wav/english550.wav +865,81,0,"king george, virginia, usa",english551,english,female,2029,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas by fixed slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tour frog for the kids. She can scoop the things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english551.wav +866,23,0,"bethesda, maryland, usa",english552,english,female,2043,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english552.wav +867,21,0,"nashville, tennessee, usa",english553,english,male,2046,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english553.wav +868,22,0,"hoffman estates, illinois, usa",english554,english,female,2047,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask her thing. These things were there from the store.,recordings/wav/english554.wav +869,90,0,"brooklyn, new york, usa",english555,english,male,2049,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a stack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things until 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english555.wav +870,84,0,"brooklyn, new york, usa",english556,english,female,2050,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english556.wav +871,25,2,"sharjah, united arab emirates",english557,english,female,2053,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english557.wav +872,23,0,"queens, new york, usa",english558,english,male,2055,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english558.wav +873,19,0,"reston, virginia, usa",english559,english,female,2056,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english559.wav +874,20,0,"londonderry, northern ireland, uk",english56,english,male,117,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english56.wav +875,22,0,"hartford, connecticut, usa",english560,english,female,2059,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english560.wav +876,20,0,"yorktown, virginia, usa",english561,english,female,2060,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english561.wav +877,30,0,"florence, south carolina, usa",english562,english,female,2061,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas fraud, thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things until 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english562.wav +878,32,0,"manassas, virginia, usa",english563,english,male,2074,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english563.wav +879,52,0,"casper, wyoming, usa",english564,english,male,2077,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english564.wav +880,27,0,"portland, oregon, usa",english565,english,female,2080,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english565.wav +881,22,0,"derby, england, uk",english566,english,male,2081,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bugs and we will go meet her Wednesday at the train station.",recordings/wav/english566.wav +882,24,0,"new york, new york, usa",english567,english,male,2101,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english567.wav +883,86,0,"quincy, florida, usa",english568,english,female,2103,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english568.wav +884,24,0,"sydney, australia",english569,english,male,2104,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english569.wav +885,34,0,"birmingham 1, uk",english57,english,male,118,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked us to bring these things with app from the store. 6 spoons with fresh snow peas, 5 thick slabs of blue cheese and maybe a snack through a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english57.wav +886,42,0,"parma, ohio, usa",english570,english,female,2106,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english570.wav +887,39,0,"washington, dc, usa",english571,english,male,2113,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english571.wav +888,51,0,"fort worth, texas, usa",english572,english,male,2121,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english572.wav +889,46,0,"painesville, ohio, usa",english573,english,male,2124,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/english573.wav +890,26,0,"toronto, ontario, canada",english574,english,female,2162,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english574.wav +891,24,0,"great falls, virginia, usa",english575,english,male,2165,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog really gets. She can scoop these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/english575.wav +892,63,0,"washington, dc, usa",english576,english,female,2167,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english576.wav +893,38,0,"san leandro, california, usa",english577,english,female,2170,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english577.wav +894,60,0,"salford, lancashire, uk",english578,english,male,2171,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these six things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. Also we need a small plastic snake and a big toy frog for the kids.",recordings/wav/english578.wav +895,22,0,"adelaide, australia",english579,english,male,2172,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please costela ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english579.wav +896,46,0,"southhampton, uk",english58,english,female,119,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english58.wav +897,30,0,"columbus, ohio, usa",english59,english,male,120,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english59.wav +898,45,0,"brooklyn, new york, usa",english6,english,female,121,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother brought Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english6.wav +899,18,0,"chesapeake, virginia, usa",english60,english,male,122,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english60.wav +900,19,0,"toronto, ontario, canada",english61,english,male,123,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english61.wav +901,30,0,"west jordan, utah, usa",english62,english,male,124,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english62.wav +902,21,0,"lewisville, texas, usa",english63,english,male,125,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english63.wav +903,25,0,"montreal, quebec, canada",english64,english,female,126,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english64.wav +904,47,0,"lewistown, pennsylvania, usa",english65,english,male,127,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english65.wav +905,19,0,"baltimore, maryland, usa",english66,english,male,128,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things in a 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english66.wav +906,37,0,"princeton, indiana, usa",english67,english,male,129,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english67.wav +907,52,0,"new york, new york, usa",english68,english,male,130,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english68.wav +908,23,0,"adelaide, australia",english69,english,male,131,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/english69.wav +909,52,0,"macon, mississippi, usa",english7,english,male,132,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english7.wav +910,21,0,"beaumont, texas, usa",english70,english,male,133,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things in the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/english70.wav +911,20,0,"west covina, california, usa",english71,english,male,134,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/english71.wav +912,31,0,"kilkenny, ireland",english72,english,male,135,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english72.wav +913,24,0,"darwin, australia",english73,english,male,136,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english73.wav +914,21,0,"wichita, kansas, usa",english74,english,male,137,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english74.wav +915,32,0,"idaho falls, idaho, usa",english75,english,male,138,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english75.wav +916,18,0,"boston, massachusetts, usa",english76,english,female,139,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english76.wav +917,26,0,"melbourne, australia",english77,english,male,140,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english77.wav +918,20,0,"caribou, maine, usa",english78,english,female,141,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english78.wav +919,73,0,"boston, massachusetts, usa",english79,english,male,142,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 bones of fresh milk bees, 5-6 slabs of blue cheese and maybe a snack for her brother Blob. We also need a small plastic steak in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english79.wav +920,21,0,"perth, australia",english8,english,female,143,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english8.wav +921,34,0,"glasgow, scotland, uk",english80,english,male,144,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a small snack for her brother Bob.",recordings/wav/english80.wav +922,30,0,"st. paul, minnesota, usa",english81,english,male,145,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english81.wav +923,50,0,"chicago, illinois, usa",english82,english,female,146,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english82.wav +924,42,0,"winnfield, louisiana, usa",english83,english,female,147,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things, whether from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english83.wav +925,45,0,"sydney, australia",english84,english,male,148,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with it from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we'll go mate or Wednesday at the train station.",recordings/wav/english84.wav +926,31,0,"strabane, northern ireland, uk",english85,english,male,149,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellar ask her to bring these things with her from the store. 6 spoons of fresh snow peas. High thick slabs of blue cheese and maybe a snack for her brother Bob, but also did a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/english85.wav +927,50,0,"charleston, south carolina, usa",english86,english,male,150,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english86.wav +928,18,0,"tamworth, australia",english87,english,female,151,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snag in a big toy frog for the kids. She can skip those things in a 3 red bags and we will go meet on Wednesday at the train station.",recordings/wav/english87.wav +929,18,0,"grand rapids, michigan, usa",english88,english,male,152,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english88.wav +930,18,0,"kingston ma, massachusetts, usa",english89,english,male,153,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with it from the store.,recordings/wav/english89.wav +931,48,0,"carthage, texas, usa",english9,english,female,154,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english9.wav +932,53,0,"pittsburgh, pennsylvania, usa",english90,english,male,155,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english90.wav +933,23,0,"kingston, jamaica",english91,english,male,156,jamaica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/english91.wav +934,22,0,"wisconsin rapids, wisconsin, usa",english92,english,female,157,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english92.wav +935,22,0,"mamou, louisiana, usa",english93,english,female,158,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english93.wav +936,55,0,"pensacola, florida, usa",english94,english,female,159,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and a maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english94.wav +937,18,0,"mishawaka, indiana, usa",english95,english,male,160,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english95.wav +938,31,0,"point pleasant, new jersey, usa",english96,english,male,161,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We will also need a small plastic snake and a big toy frog for the kids.",recordings/wav/english96.wav +939,42,0,"wilmington nc, north carolina, usa",english97,english,male,162,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things with her from the store. 6 Bones at first. Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/english97.wav +940,22,0,"spokane, washington, usa",english98,english,male,163,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/english98.wav +941,52,0,"pittsburgh, pennsylvania, usa",english99,english,female,164,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fraud for the kids. She could skip these things into 3 red bags and we will go meet her next Wednesday at the train station.",recordings/wav/english99.wav +942,26,7,"tallinn, estonia",estonian1,estonian,male,591,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother brought. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/estonian1.wav +943,27,12,"viljandi, estonia",estonian2,estonian,male,1313,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from their store. 6 spoons of fresh, no peers, by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday after train station.",recordings/wav/estonian2.wav +944,22,9,"tallinn, estonia",estonian3,estonian,male,1776,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/estonian3.wav +945,28,9,"paide, estonia",estonian4,estonian,female,1867,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/estonian4.wav +946,25,9,"accra, ghana",ewe1,ewe,male,165,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from the store. 6 spoons of fresh, no peace 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ewe1.wav +947,37,5,"accra, ghana",ewe2,ewe,female,975,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",OK please call Stella. Ask her to bring these things with her from the store. Said spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/ewe2.wav +948,20,11,"malabo, equatorial guinea",fang1,fang,female,166,equatorial guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these fins with health from the store. 6 spoon of fresh snow peas. 5 fix lap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kid. She gonna scoop this feeling to free red bags and we will go meet her Wednesday at the train station.,recordings/wav/fang1.wav +949,32,6,"ajumako, ghana",fanti1,fanti,male,167,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/fanti1.wav +950,24,7,"accra, ghana",fanti2,fanti,female,1511,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as had to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/fanti2.wav +951,46,5,"accra, ghana",fanti3,fanti,female,1863,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/fanti3.wav +952,28,11,"torshavn, faroe islands",faroese1,faroese,male,1244,faroe islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/faroese1.wav +953,22,13,"tehran, iran",farsi1,farsi,male,168,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoon of fresh Snow peas 5 sticks slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/farsi1.wav +954,45,10,"tehran, iran",farsi10,farsi,female,453,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from their stuff. 6 spoons of fresh Snow peas, 5 thicker slabs of blue cheese and maybe snack for her brother. But we also need a small plastic snake and a big toy frog for the kids.",recordings/wav/farsi10.wav +955,32,4,"kabul, afghanistan",farsi11,farsi,female,1015,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/farsi11.wav +956,42,11,"kerman, iran",farsi12,farsi,male,1112,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for the for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi12.wav +957,37,12,"ghasreshirin, iran",farsi13,farsi,male,1378,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/farsi13.wav +958,52,6,"bethesda, maryland, usa",farsi14,farsi,female,1572,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow beast, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic.",recordings/wav/farsi14.wav +959,20,4,"tehran, iran",farsi15,farsi,male,1598,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snack for her brother bop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi15.wav +960,54,38,"abadan, iran",farsi16,farsi,female,1623,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from their store. 6 spoons of fresh Snow peas, 5 tickets, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three bread bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi16.wav +961,27,16,"gorgan, iran",farsi17,farsi,female,1858,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call the Stella asked her to bring this thing in these things with her from the store. 6 teaspoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack from for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can't scoop on these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi17.wav +962,19,5,"tehran, iran",farsi18,farsi,female,1913,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/farsi18.wav +963,63,27,"tehran, iran",farsi19,farsi,female,1936,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 ticks, slabs of blue cheese and maybe his snack for her brother Bob. We also need a small plastic snack and a big toy frog.",recordings/wav/farsi19.wav +964,34,18,"esfahan, iran",farsi2,farsi,female,169,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Me please call Estella, ask her to bring these things with her from the store. 6 spoons of fresh snow peas. If I fix slabs of blue cheese and maybe a snack for her brother Bob, we also need a small plastic snack and a big toy frog for the kids.",recordings/wav/farsi2.wav +965,48,19,"mazare sharif, afghanistan",farsi20,farsi,female,1993,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe.",recordings/wav/farsi20.wav +966,20,5,"kabul, afghanistan",farsi21,farsi,male,2025,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with their from from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can swoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi21.wav +967,20,5,"tehran, iran",farsi22,farsi,female,2037,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/farsi22.wav +968,24,5,"shiraz, iran",farsi23,farsi,female,2063,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/farsi23.wav +969,28,14,"esfahan, iran",farsi3,farsi,female,170,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with help from the store. Six response of fresh Snow Peas, 5 tickets slabs of blue cheese and maybe as a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi3.wav +970,21,15,"mazandran, iran",farsi4,farsi,female,171,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella asked her to bring these things with her form.,recordings/wav/farsi4.wav +971,43,14,"tehran, iran",farsi5,farsi,male,172,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring to these things with her foot with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of the blue cheese and maybe the snake snack for her brother Bob. We also need the small plastic, a snack and a big booty toy frog for the kids. She can scoop these things into the three red bags and we will go meet her Wednesday at the train stations.",recordings/wav/farsi5.wav +972,27,9,"tehran, iran",farsi6,farsi,male,173,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/farsi6.wav +973,29,11,"tehran, iran",farsi7,farsi,male,174,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/farsi7.wav +974,29,11,"tehran, iran",farsi8,farsi,female,175,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/farsi8.wav +975,39,12,"tehran, iran",farsi9,farsi,male,176,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/farsi9.wav +976,39,13,"lautem, timor-leste",fataluku1,fataluku,male,1000,timor-leste,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/fataluku1.wav +977,35,5,"savusavu, vanua levu, fiji",fijian1,fijian,male,655,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three grade bags and we will go meet her Wednesday at the train station.",recordings/wav/fijian1.wav +978,39,6,"suva, fiji",fijian2,fijian,female,656,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/fijian2.wav +979,48,6,"suva, fiji",fijian3,fijian,female,657,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go.",recordings/wav/fijian3.wav +980,23,4,"quezon city, philippines",filipino1,filipino,male,1068,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from this door. Six points of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Bob.",recordings/wav/filipino1.wav +981,21,3,"pasay, philippines",filipino2,filipino,female,1500,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/filipino2.wav +982,22,9,"lahti, finland",finnish1,finnish,female,177,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoon or fresh snow peas. 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop these things in three red bags and we will go meet her Wednesday at the train station.,recordings/wav/finnish1.wav +983,20,7,"helsinki, finland",finnish2,finnish,male,178,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 fake slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/finnish2.wav +984,20,7,"helsinki, finland",finnish3,finnish,female,699,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/finnish3.wav +985,30,9,"helsinki, finland",finnish4,finnish,female,700,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three Redbacks.",recordings/wav/finnish4.wav +986,30,5,"victoria, british columbia, canada",finnish5,finnish,male,873,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/finnish5.wav +987,19,9,"riihimaki, finland",finnish6,finnish,female,1221,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of rest. No peace. 5 thick slabs of blue jeans and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the gifts. She could scoop these things in the three red bags and we will go meet her Wednesday at the train station.,recordings/wav/finnish6.wav +988,46,9,"kauhava, finland",finnish7,finnish,female,1939,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/finnish7.wav +989,18,9,"tampere, finland",finnish8,finnish,female,2145,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of rest, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the three red bags and we will go meet her Wednesday at this train station.",recordings/wav/finnish8.wav +990,20,12,"st. laurent d'onay, france",french1,french,female,179,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno fresh snow peas.,recordings/wav/french1.wav +991,31,10,"bordeaux, france",french10,french,male,500,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french10.wav +992,31,11,"limoges, france",french11,french,male,514,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Peace Corps Stella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for their kids. She can scoop these things into 3 red bugs and will go meet her Wednesday at the train station.",recordings/wav/french11.wav +993,19,9,"montreal, quebec, canada",french12,french,female,524,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french12.wav +994,19,12,"bordeaux, france",french13,french,male,628,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for brother Bob.",recordings/wav/french13.wav +995,23,14,"paris, france",french14,french,female,629,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french14.wav +996,32,12,"sens, france",french15,french,male,633,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with that from the store. 6 pounds of fresh snow peas, 5 thick slab of blue cheese and maybe a snack for brother Bob.",recordings/wav/french15.wav +997,19,7,"montreal, quebec, canada",french16,french,female,658,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tour frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french16.wav +998,39,14,"fribourg, switzerland",french17,french,male,683,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her home, with her from the storm. 6 spoons of fresh snow pea piece. 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/french17.wav +999,22,6,"washington, dc, usa",french18,french,male,741,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french18.wav +1000,39,12,"grenoble, france",french19,french,male,755,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack floor and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french19.wav +1001,19,14,"tunis, tunisia",french2,french,male,180,tunisia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with with her from the store. 6 spoons of fresh snow peas.,recordings/wav/french2.wav +1002,23,12,"alma, quebec, canada",french20,french,male,804,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic snake and a big toy fight for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/french20.wav +1003,20,9,"amiens, france",french21,french,male,811,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of French. No peers, 5 ticks slab of blue cheese and maybe a snare for our brother Bob. We also need a small plastic snack and a big tour for for the kids. She can scoot these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french21.wav +1004,78,16,"ghent, belgium",french22,french,female,822,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. I ask her to bring these things with her from the store. 6 boot off of fresh Snow peas, 5 ticks lapse of blue cheese and maybe a snack for her bottle bop. We also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french22.wav +1005,76,16,"ghent, belgium",french23,french,female,823,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a border Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french23.wav +1006,47,13,"mostaganem, algeria",french24,french,male,832,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday or the train station.",recordings/wav/french24.wav +1007,20,12,"st. louis fr, france",french25,french,male,860,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/french25.wav +1008,27,11,"montreal, quebec, canada",french26,french,female,917,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french26.wav +1009,38,12,"algiers, algeria",french27,french,female,932,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snack for her brother Bob. We also need a small plastic snake snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french27.wav +1010,35,11,"port-au-prince, haiti",french28,french,female,957,haiti,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french28.wav +1011,54,10,"cannes, france",french29,french,female,1021,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french29.wav +1012,22,11,"nice, france",french3,french,female,181,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas with thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/french3.wav +1013,37,12,"kinshasa, democratic republic of congo",french30,french,male,1023,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french30.wav +1014,28,15,"paris, france",french31,french,male,1062,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please please 'cause tell, ask her to bring these things with her from the store.",recordings/wav/french31.wav +1015,60,16,"kabinda, democratic republic of congo",french32,french,male,1080,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe maybe maybe a snack for a broader Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/french32.wav +1016,62,10,"montreal, quebec, canada",french33,french,male,1127,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french33.wav +1017,56,16,"abidjan, ivory coast",french34,french,male,1160,ivory coast,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. See spoon of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet.,recordings/wav/french34.wav +1018,27,10,"toulouse, france",french35,french,male,1189,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french35.wav +1019,32,10,"reims, france",french36,french,female,1304,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, maybe a snack for her brother Bob. We also need a small plastic snake in a big toy front for the kids. She can scoop those things into three right bags and we will go meet her Wednesday at the train station.",recordings/wav/french36.wav +1020,42,14,"strasbourg, france",french37,french,male,1306,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas 5 speak slabs of blue cheese and maybe a snack for her brother Bo. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/french37.wav +1021,22,8,"montreal, quebec, canada",french38,french,male,1424,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother, Bub. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french38.wav +1022,28,13,"pezenas, france",french39,french,male,1427,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pound of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob. We also need a small plastic neck and a big toy fog for the kids.",recordings/wav/french39.wav +1023,31,14,"abidjan, ivory coast",french4,french,female,182,ivory coast,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please, please call Stella asked to bring these think we have heard from the Store 6 spoon or fresh Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic.",recordings/wav/french4.wav +1024,44,13.5,"rouen, france",french40,french,female,1429,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french40.wav +1025,24,12,"la massana, andorra",french41,french,male,1474,andorra,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police call Stella ask her to bring this pink sweater from a store 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french41.wav +1026,22,20,"kinshasa, democratic republic of congo",french42,french,female,1509,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store, 6 spoons or frayed of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french42.wav +1027,22,11,"paris, france",french43,french,male,1535,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons have fresh snowpeas 5 thick slabs with blue cheese and maybe a snack for her brother Bob.,recordings/wav/french43.wav +1028,20,12,"la chaux-de-fonds, switzerland",french44,french,female,1545,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas felt thick slab of blue trees and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for their kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/french44.wav +1029,22,8,"montreal, quebec, canada",french45,french,male,1567,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 fix lamb of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/french45.wav +1030,22,10,"chatenay malabry, france",french46,french,male,1643,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow peas, 5 fixed lap of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things to free red bags and we could meet her in Wednesday at the train station.",recordings/wav/french46.wav +1031,66,12,"landerneau, brittany, france",french47,french,female,1662,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 points are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We all also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french47.wav +1032,19,3,"douala, cameroon",french48,french,female,1701,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french48.wav +1033,39,12,"paris, france",french49,french,male,1729,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/french49.wav +1034,36,11,"douala, cameroon",french5,french,female,183,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 ticks slabs off blue cheese, and maybe it's not for her brother Bob. We also need a small plastic.",recordings/wav/french5.wav +1035,67,14,"paris, france",french50,french,female,1751,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those scenes with her from the store.,recordings/wav/french50.wav +1036,18,5,"liege, wallonia, belgium",french51,french,male,1765,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/french51.wav +1037,56,11,"lisbon, portugal",french52,french,female,1813,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I scored to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/french52.wav +1038,19,10,"creteil, france",french53,french,female,1830,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french53.wav +1039,25,8,"vichy, france",french54,french,female,1846,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french54.wav +1040,62,12,"settat, morocco",french55,french,female,1889,morocco,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things, whether from the store.",recordings/wav/french55.wav +1041,21,5,"douala, cameroon",french56,french,female,1898,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from on these things with her from the store. Six months of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother and her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet and we will go meet her Wednesday at the train station.",recordings/wav/french56.wav +1042,23,12,"dakar, senegal",french57,french,male,1931,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things on her own. Now we heard from the store 6 pounds of fresh snow peas.,recordings/wav/french57.wav +1043,25,18,"douala, cameroon",french58,french,female,1937,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.,recordings/wav/french58.wav +1044,20,5,"paris, france",french59,french,female,1938,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please close the ask her to bring these things with their from the store. 6 spoons of fresh Snow peas, 5 fixed labs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frogs for kids. She can scoop. This swings into a free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french59.wav +1045,26,13,"booue, gabon",french6,french,female,184,gabon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/french6.wav +1046,20,11,"paris, france",french60,french,female,1945,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella has curved wing these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, lapse of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/french60.wav +1047,41,10,"rawalpindi, pakistan",french61,french,female,1998,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into tree red bags and we will go meet her Wednesday at the train station.",recordings/wav/french61.wav +1048,21,20,"paris, france",french62,french,female,2030,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/french62.wav +1049,37,11,"ouagadougou, burkina faso",french63,french,male,2111,burkina faso,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in three bags. Red bags.",recordings/wav/french63.wav +1050,18,5,"rimouski, quebec, canada",french7,french,male,185,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/french7.wav +1051,66,16,"ghent, belgium",french8,french,male,186,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/french8.wav +1052,21,11,"lamentin, martinique",french9,french,male,412,martinique,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh nappies, frantic slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big cold front for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/french9.wav +1053,62,13,"akkrum, friesland, netherlands",frisian1,frisian,male,187,netherlands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/frisian1.wav +1054,47,5,"accra, ghana",ga1,ga,male,579,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ga1.wav +1055,38,4,"accra, ghana",ga2,ga,female,974,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store sex spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ga2.wav +1056,60,5,"accra, ghana",ga3,ga,female,976,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh Snow Peas 5 takes laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can spook. She can scoop these things into 3 red box and will.,recordings/wav/ga3.wav +1057,60,6,"accra, ghana",ga4,ga,male,1150,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from the kids. She can scoop these things into 3 red bags and we will go meet her at Wednesday at the train station.",recordings/wav/ga4.wav +1058,36,5,"accra, ghana",ga5,ga,male,1796,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/ga5.wav +1059,20,8,"accra, ghana",ga6,ga,female,2122,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ga6.wav +1060,72,40,"pingxiang, jiangxi, china",gan1,gan,male,1632,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us letter. Ask her to bring these things with her from store 66 pounds of fresh snowpeas 5.,recordings/wav/gan1.wav +1061,52,15,"masaka, uganda",ganda1,ganda,female,580,uganda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ganda1.wav +1062,34,5,"kampala, uganda",ganda2,ganda,male,1369,uganda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store.,recordings/wav/ganda2.wav +1063,69,5,"dangriga, belize",garifuna1,garifuna,female,1756,belize,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring me these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake.",recordings/wav/garifuna1.wav +1064,51,23,"tela atlantida, honduras",garifuna2,garifuna,male,1757,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from this Thor 6 spoons of fresh snow peas. 5 thick slabs slabs.,recordings/wav/garifuna2.wav +1065,51,9,"dilla, ethiopia",gedeo1,gedeo,male,1090,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother, brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three great bugs and we will go meet her Wednesday at the train station.",recordings/wav/gedeo1.wav +1066,30,28,"tbilisi, republic of georgia",georgian1,georgian,female,188,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 stick slips of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/georgian1.wav +1067,41,36,"akhmeta, republic of georgia",georgian2,georgian,female,463,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/georgian2.wav +1068,29,6,"tbilisi, republic of georgia",georgian3,georgian,male,713,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the storm 6 springs of fresh snowpeas 5 seconds. Slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.,recordings/wav/georgian3.wav +1069,28,12,"tbilisi, republic of georgia",georgian4,georgian,male,721,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",And political still ask her to bring these things with her from the store 6 points or fresh snowpeas 5 thick slabs of blue cheese and maybe snack for her brother. But we also need a small plastic snake and big toy frog for the kids.,recordings/wav/georgian4.wav +1070,24,21,"tbilisi, republic of georgia",georgian5,georgian,male,1059,republic of georgia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow piece. 5 build thick.,recordings/wav/georgian5.wav +1071,48,12,"dusseldorf, germany",german1,german,female,189,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german1.wav +1072,24,10,"darmstadt, germany",german10,german,male,635,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this door.,recordings/wav/german10.wav +1073,20,11,"frankfurt, germany",german11,german,female,640,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things. Refer from the Store 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/german11.wav +1074,29,14,"feldkirch, austria",german12,german,female,651,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german12.wav +1075,54,13,"eschen, liechtenstein",german13,german,female,652,liechtenstein,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german13.wav +1076,30,10,"vienna, austria",german14,german,female,675,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/german14.wav +1077,35,11,"innsbruck, austria",german15,german,male,676,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/german15.wav +1078,31,11,"bremen, germany",german16,german,female,881,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/german16.wav +1079,53,10,"frankfurt, germany",german17,german,female,882,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german17.wav +1080,29,6,"bad aussee, austria",german18,german,male,893,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/german18.wav +1081,19,11,"offenbach, germany",german19,german,female,928,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german19.wav +1082,29,12,"bemberg, germany",german2,german,female,190,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/german2.wav +1083,41,16,"chur, switzerland",german20,german,male,936,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german20.wav +1084,20,10,"villach, austria",german21,german,female,1064,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/german21.wav +1085,21,12,"elsterwerda, germany",german22,german,female,1092,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella expert to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into three bread bags and we will go meet her and stay at the train station.",recordings/wav/german22.wav +1086,24,11,"herdecke, germany",german23,german,male,1255,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Play school Stella. Ask her to bring the things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue trees and maybe a snack for a brother Bob. We also Nate a small plastic snake and a big toy frog for the kids. She can scoop the things into 3 red bags, some will go mater when stay at the train station.",recordings/wav/german23.wav +1087,27,10,"niedersachsen, germany",german24,german,male,1383,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into a 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german24.wav +1088,21,11,"geislingen, germany",german25,german,female,1443,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 flake slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will. We will go meet her Wednesday at the train station.",recordings/wav/german25.wav +1089,77,24,"stuttgart, germany",german26,german,female,1452,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring this thing with her from the store.,recordings/wav/german26.wav +1090,23,10,"bielefeld, germany",german27,german,male,1494,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/german27.wav +1091,19,10,"vienna, austria",german28,german,female,1525,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/german28.wav +1092,53,12,"coburg, germany",german29,german,female,1619,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a pig toy frog for the kids.",recordings/wav/german29.wav +1093,19,12,"meissen, germany",german3,german,female,191,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas 5-6.,recordings/wav/german3.wav +1094,32,8,"radstadt, austria",german30,german,female,1681,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in. Do 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/german30.wav +1095,21,10,"datteln, germany",german31,german,female,1685,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/german31.wav +1096,29,12,"niedersachsen, germany",german32,german,female,1707,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german32.wav +1097,39,10,"stuttgart, germany",german33,german,male,1877,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/german33.wav +1098,28,11,"bochum, germany",german34,german,male,1879,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow Peas 5 takes slabs of blue cheese are maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and with all go meet her Wednesday at the train station.,recordings/wav/german34.wav +1099,51,11,"ingolstadt, germany",german35,german,female,1972,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german35.wav +1100,18,14,"hamburg, germany",german36,german,female,1994,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. Take spoons affair snowpeas 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/german36.wav +1101,19,11,"stuttgart, germany",german4,german,female,192,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her when I stay at a train station.",recordings/wav/german4.wav +1102,47,12,"halle, germany",german5,german,male,193,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/german5.wav +1103,28,8,"vienna, austria",german6,german,male,194,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/german6.wav +1104,20,11,"berlin, germany",german7,german,male,501,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/german7.wav +1105,25,10,"bernburg, germany",german8,german,male,545,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her. From this door seeks spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake on a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her once T at the train station.,recordings/wav/german8.wav +1106,22,8,"wuppertal, germany",german9,german,male,616,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snag for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/german9.wav +1107,19,9,"athens, greece",greek1,greek,male,195,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from here from the store.,recordings/wav/greek1.wav +1108,58,14,"nicosia, cyprus",greek10,greek,male,1620,cyprus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store. 6 pounds of fresh snow beans fighting slot on blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can screw this thing into 3 red bags and will.,recordings/wav/greek10.wav +1109,21,3,"athens, greece",greek11,greek,female,1634,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the search. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek11.wav +1110,24,4,"bethlehem, pennsylvania, usa",greek12,greek,male,1712,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek12.wav +1111,23,6,"vlore, albania",greek13,greek,female,1804,albania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 phones or fresh fresh snow peas. 5 fix tabs of blue cheese and maybe a snack for her brother Bob. We had. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/greek13.wav +1112,22,3,"lancaster, pennsylvania, usa",greek14,greek,female,1816,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek14.wav +1113,81,8,"jerusalem, israel",greek15,greek,female,1839,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek15.wav +1114,26,9,"athens, greece",greek2,greek,female,196,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go style and ask her to bring these things with her from here from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Brab. We also need a small plastic snake and a big toy frog for the kids. She can scoop this a second scoop. These things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek2.wav +1115,37,15,"karprenici, greece",greek3,greek,female,197,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs with blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake, a big toy frog and for the kids she can scoop these things into 3 red bags. We will go meet her Wednesday at the train station.",recordings/wav/greek3.wav +1116,37,7,"ioannina, greece",greek4,greek,male,570,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/greek4.wav +1117,51,25,"nicosia, cyprus",greek5,greek,male,621,cyprus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas piece.,recordings/wav/greek5.wav +1118,62,12,"igoumenitsa, greece",greek6,greek,female,813,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix slabs of blue cheese and maybe a snack for her brother bug. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/greek6.wav +1119,18,4,"athens, greece",greek7,greek,male,1102,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/greek7.wav +1120,37,3,"athens, greece",greek8,greek,male,1415,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek8.wav +1121,23,6,"athens, greece",greek9,greek,female,1418,greece,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. I'm 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/greek9.wav +1122,20,15,"ahmedabad, india",gujarati1,gujarati,male,198,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/gujarati1.wav +1123,22,8,"bombay, india",gujarati2,gujarati,male,199,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/gujarati2.wav +1124,28,2,"limerick, ireland",gujarati3,gujarati,female,200,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/gujarati3.wav +1125,53,16,"ahmedabad, india",gujarati4,gujarati,female,610,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snake for her brother Bob. We also need a small plastic snake.",recordings/wav/gujarati4.wav +1126,28,3,"bombay, india",gujarati5,gujarati,female,1016,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/gujarati5.wav +1127,29,5,"kutch, gujarat, india",gujarati6,gujarati,male,1143,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her her to bring this thing with her from the store. 6 spoon of fresh snow peas, fojtik 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids.",recordings/wav/gujarati6.wav +1128,40,4,"hyderabad, india",gujarati7,gujarati,female,1504,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, five pick slabs of blue cheese and maybe a snack or her brother Bob.",recordings/wav/gujarati7.wav +1129,27,7,"ahmedabad, india",gujarati8,gujarati,female,1678,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/gujarati8.wav +1130,19,9,"surat, india",gujarati9,gujarati,male,2041,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/gujarati9.wav +1131,44,12,"nairobi, kenya",gusii1,gusii,male,201,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please go to Stella asked to bring these things together from the store.,recordings/wav/gusii1.wav +1132,41,6,"kisii, kenya",gusii2,gusii,male,1153,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/gusii2.wav +1133,51,12,"hosanna, ethiopia",hadiyya1,hadiyya,male,1022,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, and maybe it's not for.",recordings/wav/hadiyya1.wav +1134,30,11,"hosanna, ethiopia",hadiyya2,hadiyya,male,1032,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us there. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5.,recordings/wav/hadiyya2.wav +1135,45,7,"singapore, singapore",hainanese1,hainanese,male,914,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hainanese1.wav +1136,72,13,"pei kang, taiwan",hakka1,hakka,female,1655,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Preschools theater ask her to bring these things with her from the store.,recordings/wav/hakka1.wav +1137,49,7,"kano, nigeria",hausa1,hausa,male,1034,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa1.wav +1138,46,10,"bauchi, nigeria",hausa2,hausa,male,1035,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with help from this tool. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hausa2.wav +1139,47,6,"malumfashi, nigeria",hausa3,hausa,female,1036,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call us Stella ask her to bring these things with her from the store.,recordings/wav/hausa3.wav +1140,62,10,"kano, nigeria",hausa4,hausa,male,1039,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa4.wav +1141,43,12,"maine, niger",hausa5,hausa,female,1047,niger,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa5.wav +1142,48,6,"kano, nigeria",hausa6,hausa,male,1048,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa6.wav +1143,52,7,"sokoto, nigeria",hausa7,hausa,male,1050,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with help from the stool.,recordings/wav/hausa7.wav +1144,30,7,"katsina, nigeria",hausa8,hausa,male,1136,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella actually to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her. A snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hausa8.wav +1145,43,5,"kaltungo, gombe, nigeria",hausa9,hausa,male,1408,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hausa9.wav +1146,23,10,"yehud, israel",hebrew1,hebrew,male,202,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snake for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3.",recordings/wav/hebrew1.wav +1147,24,10,"jerusalem, israel",hebrew2,hebrew,male,203,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew2.wav +1148,33,8,"haifa, israel",hebrew3,hebrew,male,204,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 tix 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hebrew3.wav +1149,20,9,"haifa, israel",hebrew4,hebrew,female,205,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew4.wav +1150,23,10,"netanya, israel",hebrew5,hebrew,male,206,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/hebrew5.wav +1151,33,9,"rishon, israel",hebrew6,hebrew,female,411,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fake slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/hebrew6.wav +1152,52,12,"jerusalem, israel",hebrew7,hebrew,male,941,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew7.wav +1153,28,7,"jerusalem, israel",hebrew8,hebrew,male,1074,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for a brother Bob. We also in this small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hebrew8.wav +1154,23,4,"petah-tiqwa, israel",hebrew9,hebrew,male,1725,israel,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hebrew9.wav +1155,27,2,"nagpur, maharashtra, india",hindi1,hindi,male,207,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas 5-6 laps or blue cheese and maybe a snack of snack for her brother Bob.,recordings/wav/hindi1.wav +1156,19,10.5,"new delhi, india",hindi10,hindi,female,1202,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi10.wav +1157,20,4,"chandigarh, india",hindi11,hindi,male,1437,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hindi11.wav +1158,25,4,"allahabad, india",hindi12,hindi,female,1440,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/hindi12.wav +1159,43,13,"jaipur, india",hindi13,hindi,female,1633,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","These calls Tele ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kid.",recordings/wav/hindi13.wav +1160,53,12,"new delhi, india",hindi14,hindi,male,1697,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks, tabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi14.wav +1161,23,1,"new delhi, india",hindi15,hindi,female,1794,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi15.wav +1162,25,5,"new delhi, india",hindi16,hindi,male,1966,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 bowls of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wetness day at the train station.,recordings/wav/hindi16.wav +1163,47,3,"new delhi, india",hindi17,hindi,female,1988,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi17.wav +1164,21,5,"new delhi, india",hindi18,hindi,female,2125,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi18.wav +1165,31,3,"hyderabad, india",hindi2,hindi,male,587,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi2.wav +1166,42,5,"jalandhar, india",hindi3,hindi,male,593,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hindi3.wav +1167,28,14,"bhilwara, rajisthan, india",hindi4,hindi,female,765,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi4.wav +1168,64,10,"hubballi, karnataka, india",hindi5,hindi,female,845,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi5.wav +1169,27,4,"new delhi, india",hindi6,hindi,female,866,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She get scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi6.wav +1170,60,5,"allahabad, utter pardesh, india",hindi7,hindi,female,867,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindi7.wav +1171,19,8,"imphal, india",hindi8,hindi,male,910,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, fojtik slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hindi8.wav +1172,31,4,"durgapur, west bengal, india",hindi9,hindi,male,1017,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hindi9.wav +1173,62,6,"ghazi, pakistan",hindko1,hindko,male,582,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hindko1.wav +1174,35,7,"louangphabang, laos",hmong1,hmong,male,2044,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/hmong1.wav +1175,47,11.5,"long tieng, laos",hmong2,hmong,male,2045,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh spoon snow Peas, Fire takes labs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hmong2.wav +1176,22.5,20,"cegled, hungary",hungarian1,hungarian,female,209,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/hungarian1.wav +1177,22,8,"clug, romania",hungarian2,hungarian,female,210,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/hungarian2.wav +1178,34,8,"brasov, romania",hungarian3,hungarian,male,211,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/hungarian3.wav +1179,26,5,"szeged, hungary",hungarian4,hungarian,male,594,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/hungarian4.wav +1180,29,27,"budapest, hungary",hungarian5,hungarian,female,846,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest snow peas fight. Take flaps or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/hungarian5.wav +1181,38,14,"budapest, hungary",hungarian6,hungarian,female,880,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/hungarian6.wav +1182,57,17,"budapest, hungary",hungarian7,hungarian,female,1139,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/hungarian7.wav +1183,86,86,"pinkoc, hungary",hungarian8,hungarian,female,1298,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",The school Stella ask her to bring these things which are from the store.,recordings/wav/hungarian8.wav +1184,73,15,"budapest, hungary",hungarian9,hungarian,male,2018,hungary,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/hungarian9.wav +1185,52,3,"uyo, akwa ibom, nigeria",ibibio1,ibibio,male,1184,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ibibio1.wav +1186,45,4,"abak, akwa ibom, nigeria",ibibio2,ibibio,female,1185,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ibibio2.wav +1187,36,6,"lagos, nigeria",ibibio3,ibibio,male,1691,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ibibio3.wav +1188,21,11,"reykjavik, iceland",icelandic1,icelandic,male,422,iceland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/icelandic1.wav +1189,43,12,"akranes, iceland",icelandic2,icelandic,female,665,iceland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Esker to bring these things with her from the store. 6 pounds of fresh snow peas, 5 tax slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/icelandic2.wav +1190,36,20,"reykjavik, iceland",icelandic3,icelandic,female,814,iceland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.",recordings/wav/icelandic3.wav +1191,30,12,"lome, togo",ife1,ife,male,1821,togo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ife1.wav +1192,23,12,"imo state, imo state, nigeria",igbo1,igbo,female,212,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call. Stella has had to bring these things with her from this term. Teaspoons of fresh snow peas, firestick stab for blue cheese and maybe a snap of her brothers verb. We also need a small plastic snaps and.",recordings/wav/igbo1.wav +1193,65,14,"kafanchan, nigeria",igbo2,igbo,male,760,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/igbo2.wav +1194,35,5,"lagos, nigeria",igbo3,igbo,male,1040,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things for with her from the store.,recordings/wav/igbo3.wav +1195,53,7,"bago city, philippines",ilonggo1,ilonggo,female,1902,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/ilonggo1.wav +1196,31,13,"jakarta, indonesia",indonesian1,indonesian,male,213,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from Store 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe snag for her brother Bob. We also need a small plastic and snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.,recordings/wav/indonesian1.wav +1197,18,13,"jakarta, indonesia",indonesian2,indonesian,male,214,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/indonesian2.wav +1198,32,13,"jakarta, indonesia",indonesian3,indonesian,female,215,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy from for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/indonesian3.wav +1199,30,10,"jakarta, indonesia",indonesian4,indonesian,female,216,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella also to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. Sick and scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/indonesian4.wav +1200,29,7,"jakarta, indonesia",indonesian5,indonesian,male,1054,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/indonesian5.wav +1201,20,8,"jakarta, indonesia",indonesian6,indonesian,male,1309,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh no peace. 5 flick slabs of blue cheese and maybe snag for her brother Bob.,recordings/wav/indonesian6.wav +1202,45,12,"kediri, java, indonesia",indonesian7,indonesian,female,1496,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring this thing with her from the store. 6 spoon of the phrase luppis. 5 thick slip of the booties and maybe snag for her brother pop. We also need small plastic snake and the big toy fork for the kid. She can scoop this thing into 3 red bag and we will go meet her Wednesday at the train station.,recordings/wav/indonesian7.wav +1203,32,14,"jakarta, indonesia",indonesian8,indonesian,male,1775,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pools of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frogs for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/indonesian8.wav +1204,28,3,"dublin, ireland",irish1,irish,male,1762,ireland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/irish1.wav +1205,29,22,"carbonia, italy",italian1,italian,female,217,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing these things to her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for a kids. She can scoop these things into 3 red bags and we will go. We will go met her Wednesday at the train station.",recordings/wav/italian1.wav +1206,48,12,"palermo, italy",italian10,italian,male,627,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella escalate to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian10.wav +1207,30,18,"cagliari, italy",italian11,italian,male,641,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fat thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go matter Wednesday at the train station.",recordings/wav/italian11.wav +1208,38,14,"bellinzona, switzerland",italian12,italian,female,681,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian12.wav +1209,20,8,"enna, italy",italian13,italian,male,733,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/italian13.wav +1210,20,8,"cosenza, italy",italian14,italian,male,761,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with their from the store.,recordings/wav/italian14.wav +1211,48,15,"forli, italy",italian15,italian,male,839,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian15.wav +1212,40,14,"mantua, italy",italian16,italian,male,942,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/italian16.wav +1213,28,14,"turin, italy",italian17,italian,male,995,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with arrow from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe as an anchor for her brother Bob. We also need a small plastic snake in a big toy frog for decades.",recordings/wav/italian17.wav +1214,20,8,"grugliasco, italy",italian18,italian,male,1043,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go study. I scared bring these things with our from the store's experience of Fresno peers. 5 thick slabs of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy throw for the kids. She can scoop this things into free red bags and we will go meal her Wednesday at the train station.",recordings/wav/italian18.wav +1215,19,11,"rome, italy",italian19,italian,male,1114,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the source. Sweet spoons of fresh new PS. Five thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in through three red bags and we will go meet her wetness day at the train station.,recordings/wav/italian19.wav +1216,46,18,"caltanissetta, sicily, italy",italian2,italian,male,218,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things. Wed her from the story. 6 spoons of fresh snow piece. Fight five think slabs of blue cheese and maybe a snack for her brother Bob. We also need.,recordings/wav/italian2.wav +1217,32,15,"naples, italy",italian20,italian,male,1123,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring the things out with her from the store. 6 spoon of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian20.wav +1218,42,20,"trento, italy",italian21,italian,male,1124,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian21.wav +1219,23,6,"teramo, italy",italian22,italian,male,1175,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed labs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three bread bags and we will go meet every Wednesday at the train station.",recordings/wav/italian22.wav +1220,34,14,"cuneo, italy",italian23,italian,female,1177,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight fake slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/italian23.wav +1221,23,6,"milan, italy",italian24,italian,female,1406,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the store. 6 spoons of Rush now. PS 5-6 slabs of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy drop for the kids she can scoop.",recordings/wav/italian24.wav +1222,40,3.5,"wiesbaden, germany",italian25,italian,male,1322,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a toy, a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian25.wav +1223,49,11,"siracusa, sicily, italy",italian26,italian,male,1489,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Huskers to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/italian26.wav +1224,33,10,"milan, italy",italian27,italian,female,1543,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/italian27.wav +1225,25,6,"rome, italy",italian28,italian,male,1679,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/italian28.wav +1226,21,8,"trieste, italy",italian29,italian,female,1686,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 pins of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy for for the kids. She can skip these things into the red bags and we will go meet her at Wednesday at a train station.",recordings/wav/italian29.wav +1227,55,21,"florence, italy",italian3,italian,male,219,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wensley at the train station.",recordings/wav/italian3.wav +1228,23,11,"bologna, italy",italian30,italian,male,1741,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of Fresno Piece 5 ****. Slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/italian30.wav +1229,59,23,"naples, italy",italian31,italian,female,1976,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the start. Six spoons of fresh snow peas, 5 fix labs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. Chicken scooped these things into trailhead bags and we will go meet her Wednesday at train station.",recordings/wav/italian31.wav +1230,49,14,"sardinia, italy",italian32,italian,male,1984,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her from the store.,recordings/wav/italian32.wav +1231,78,50,"bitonto, italy",italian33,italian,female,2020,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/italian33.wav +1232,47,11,"cremona, italy",italian4,italian,female,220,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons or Fresno piece. 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy. Drop off the kids. She can scoop these things into treated bags and we will go meet her Wednesday at the train station.,recordings/wav/italian4.wav +1233,52,25,"vicenza, veneto, italy",italian5,italian,male,440,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 pools of fresh snow peas, but thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She got scooped these things into triggered bags and we will go meter Wednesday at the train station.",recordings/wav/italian5.wav +1234,32,15,"naples, italy",italian6,italian,female,473,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with their from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday afternoon train station.",recordings/wav/italian6.wav +1235,24,8,"naples, italy",italian7,italian,male,553,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also in a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/italian7.wav +1236,43,10,"bari, italy",italian8,italian,male,589,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/italian8.wav +1237,18,8,"turin, italy",italian9,italian,male,619,italy,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please cost Oscar to take these things with her friend. Store 6 pounds of fresh snow bears 5-6 laps of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.,recordings/wav/italian9.wav +1238,25,12,"tokyo, japan",japanese1,japanese,female,221,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow. Period 5-6,recordings/wav/japanese1.wav +1239,26,12,"hakodate, japan",japanese10,japanese,female,827,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her. From this door. 6 spoons of rational piece, 5-6 loaves of bread, cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and then we will go to go meet her Wednesday at the train station.",recordings/wav/japanese10.wav +1240,29,13,"toyama, japan",japanese11,japanese,female,1046,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. She explains of fresh snow peas, while thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese11.wav +1241,36,12,"tokyo, japan",japanese12,japanese,male,1365,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Preschool stera ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 flats or booties and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into three LED bags and we will go meet her Wednesday at South Train station.",recordings/wav/japanese12.wav +1242,28,11,"gunma, japan",japanese13,japanese,male,1381,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/japanese13.wav +1243,37,12,"akashi, japan",japanese14,japanese,female,1382,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/japanese14.wav +1244,45,12,"osaka, japan",japanese15,japanese,male,1521,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno piece. 5 fix loves blue cheese and maybe your snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/japanese15.wav +1245,25,3,"clark field, philippines",japanese16,japanese,female,1537,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her win. See at the train station.",recordings/wav/japanese16.wav +1246,44,13,"nara, japan",japanese17,japanese,female,1610,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please 'cause there ask her to bring a distinct with her from the store. 6 spoons of fresh snow pea, 5 ticks reps of blue cheese, and maybe a snack for her brother above. We also need a small plastic snack and the big toy frog for the kids. She can scoop these things into three dead bugs and we will. We will go meet her.",recordings/wav/japanese17.wav +1247,52,13,"kyoto, japan",japanese18,japanese,female,1626,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/japanese18.wav +1248,57,13,"naha, japan",japanese19,japanese,female,1684,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue Tees and maybe a snack.",recordings/wav/japanese19.wav +1249,27,12,"tokyo, japan",japanese2,japanese,female,222,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Sarah. Ask her to bring these things with her from the store. 6 springs of fresh snow peas, 5-6 slabs or blue cheese and maybe a snack for her brother bought. We also need a small plastics snake and big toy for frog for the kids chicken scoop these things into three little bugs and we will go meet her Wednesday at the train station.",recordings/wav/japanese2.wav +1250,21,14,"yokosuka, japan",japanese20,japanese,male,1833,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her.",recordings/wav/japanese20.wav +1251,53,13,"tokyo, japan",japanese21,japanese,female,1847,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/japanese21.wav +1252,69,12,"ashiya, japan",japanese22,japanese,female,1881,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese22.wav +1253,24,5,"kawasaki, japan",japanese23,japanese,male,1942,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother, brother Bob. We also ask a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags as we go. Meet her Wednesday at the train station.",recordings/wav/japanese23.wav +1254,40,13,"tokyo, japan",japanese24,japanese,female,1948,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix raft of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kid. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/japanese24.wav +1255,52,13,"kyoto, japan",japanese25,japanese,female,1987,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese25.wav +1256,44,13,"yokosuka, japan",japanese26,japanese,female,1991,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids.",recordings/wav/japanese26.wav +1257,21,13,"tokyo, japan",japanese27,japanese,female,2123,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go Stella ask her, do ask her to bring these things with her, with her from the store's expensive personal piece, 5-6 laps of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her with Wednesday at train station.",recordings/wav/japanese27.wav +1258,49,12,"kofu, yamanashi prefecture, japan",japanese3,japanese,female,223,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/japanese3.wav +1259,20,15,"tokyo, japan",japanese4,japanese,male,224,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",But his core said Stella asked her to bring these things with her from the store. She could spend of fresh snow. Snow Peas 5 have tick.,recordings/wav/japanese4.wav +1260,25,12,"chiba, japan",japanese5,japanese,female,225,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese.",recordings/wav/japanese5.wav +1261,30,10,"kawasaki, japan",japanese6,japanese,female,226,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She king scooped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/japanese6.wav +1262,18,12,"osaka, japan",japanese7,japanese,male,227,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese7.wav +1263,25,12,"tokyo, japan",japanese8,japanese,male,486,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese8.wav +1264,24,13,"yokohama, japan",japanese9,japanese,male,543,japan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring their things with her from the store. 6 springs of fresh snow peas, 5 fix, lots of blue cheese and maybe a snack for her brother Bob.",recordings/wav/japanese9.wav +1265,34,16,"ziguinchor, senegal",jola1,jola,male,784,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pools of fresh Snow Peach, 5 slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/jola1.wav +1266,26,12,"algiers, algeria",kabyle1,kabyle,female,1190,algeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring best things for her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob will also need a small plastic snack and big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kabyle1.wav +1267,30,9,"francistown, botswana",kalanga1,kalanga,male,1182,botswana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ***** slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tree frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kalanga1.wav +1268,36,9,"hosanna, ethiopia",kambaata1,kambaata,male,978,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police call Estella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, and then maybe snipe for her brother Bob.",recordings/wav/kambaata1.wav +1269,51,7,"durame, ethiopia",kambaata2,kambaata,male,1002,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/kambaata2.wav +1270,54,8,"hosanna, ethiopia",kambaata3,kambaata,male,1033,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons for of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bag and we will go meet her within this day at the train station.,recordings/wav/kambaata3.wav +1271,26,5,"bangalore, india",kannada1,kannada,female,228,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from us from the store. 6 bones of fresh snow peas fight thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snack and a big toy for for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/kannada1.wav +1272,48,6,"kaduna, nigeria",kanuri1,kanuri,female,1049,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as hard to bring these things with her from the store.,recordings/wav/kanuri1.wav +1273,18,9,"semey, kazakhstan",kazakh1,kazakh,male,229,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 labs, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tough rock for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at a train station.",recordings/wav/kazakh1.wav +1274,22,6,"almaty, kazakhstan",kazakh2,kazakh,male,1234,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic snake and victory for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/kazakh2.wav +1275,49,30,"almaty, kazakhstan",kazakh3,kazakh,female,1763,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow peas 5-6 laps or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet here Wednesday at the train station.,recordings/wav/kazakh3.wav +1276,21,16,"phnom penh, cambodia",khmer1,khmer,female,230,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police caught Stella asked her to bring these things with her from the store 6 spoon of fresh snow peas, fightstick, slap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy drop for the kids. She can group these things into the three red bags and we will go meet. Meet her.",recordings/wav/khmer1.wav +1277,19,16,"phnom penh, cambodia",khmer2,khmer,male,231,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls dinner. Ask her to bring this thing with her from the store. 6 spoon of fresh snow pea, firestick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frogs for the kid. She can't scope this thing into 3 red bag and we will go meet her Wednesday at the train station.",recordings/wav/khmer2.wav +1278,46,25,"baling, kampongthum, cambodia",khmer3,khmer,male,232,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring the sting with her from the store. Said spoon of Fresno piece 5 thick slab of blue cheese and maybe a snack for broader Bob.,recordings/wav/khmer3.wav +1279,31,16,"phnom penh, cambodia",khmer4,khmer,male,1087,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/khmer4.wav +1280,47,25,"kampong speu, cambodia",khmer5,khmer,male,1609,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/khmer5.wav +1281,20,4,"auburn, australia",khmer6,khmer,female,1669,australia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 springs of fresh snow peas by thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/khmer6.wav +1282,56,25,"siem reap, cambodia",khmer7,khmer,male,1911,cambodia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store.,recordings/wav/khmer7.wav +1283,19,16,"new orleans, louisiana, usa",kikongo1,kikongo,male,464,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kikongo1.wav +1284,56,28,"kimulaza, uige, angola",kikongo2,kikongo,male,1031,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kikongo2.wav +1285,48,5,"nairobi, kenya",kikuyu1,kikuyu,male,466,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK, please call Sarah.",recordings/wav/kikuyu1.wav +1286,50,7,"kerugoya, kenya",kikuyu2,kikuyu,male,1155,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store. 6 spoons of recipes 5 ***** labs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/kikuyu2.wav +1287,45,5,"nairobi, kenya",kikuyu3,kikuyu,female,1156,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack under big toy frog for the kids. She can scoop these things into 3 red bugs and we will go meet her Wednesday at the train station.",recordings/wav/kikuyu3.wav +1288,23,4,"nairobi, kenya",kikuyu4,kikuyu,female,1790,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this dog. Six spoons of fresh snow peas, thick, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We may. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things up into three redbuds and we will go meet her Wednesday at the team train station.",recordings/wav/kikuyu4.wav +1289,32,28,"bishkek, kyrgyzstan",kirghiz1,kirghiz,female,233,kyrgyzstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the store. 6 pounds of fresh snow peas, five things, slabs of blue cheese, and maybe a snack for her brother. But we also need the small plastic snack and a big toy frog for the kids. She she can scoop those things in into threw it back.",recordings/wav/kirghiz1.wav +1290,22,6,"dar-es-salaam, tanzania",kiswahili1,kiswahili,male,234,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her bring these things with her from the store. 6 pounds of fresh snow peas, five thing fixed, lab of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kiswahili1.wav +1291,28,16,"kigoma, tanzania",kiswahili2,kiswahili,male,235,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring thing these things with her from the store. 6 spoon of fresh Snow peas, 5-6 slab of brooches and maybe a snack for her brother Bob.",recordings/wav/kiswahili2.wav +1292,29,6,"nairobi, kenya",kiswahili3,kiswahili,male,236,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/kiswahili3.wav +1293,36,34,"goma, north kivu, democratic republic of congo",kiswahili4,kiswahili,male,237,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snack and a big toy from for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kiswahili4.wav +1294,56,4,"tanga, tanzania",kiswahili5,kiswahili,female,877,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/kiswahili5.wav +1295,32,8,"dar-es-salaam, tanzania",kiswahili6,kiswahili,female,887,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring the things with her from the store.,recordings/wav/kiswahili6.wav +1296,52,5,"dar-es-salaam, tanzania",kiswahili7,kiswahili,female,934,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kiswahili7.wav +1297,42,3,"nyeri, kenya",kiswahili8,kiswahili,female,1041,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/kiswahili8.wav +1298,50,13,"tanga, tanzania",kiswahili9,kiswahili,male,1146,tanzania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/kiswahili9.wav +1299,38,6,"hyderabad, andhra pradesh, india",konkani1,konkani,female,438,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/konkani1.wav +1300,29,13,"ui jong bu, south korea",korean1,korean,male,238,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 springs of fresh she's no peace. 5 thick slabs.,recordings/wav/korean1.wav +1301,34,13,"kwangju, south korea",korean10,korean,male,483,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella's court to bring these things without help from the store. 6 spoon of fresh snow peas.,recordings/wav/korean10.wav +1302,26,14,"seoul, south korea",korean11,korean,male,559,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things without from the store. 6 pounds of fresh snow peas, 5 big slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/korean11.wav +1303,31,31,"sokcho, south korea",korean12,korean,male,608,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. Six response of fresh snow peers. Pipe T.,recordings/wav/korean12.wav +1304,50,12,"pusan, south korea",korean13,korean,female,759,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/korean13.wav +1305,22,8,"kota kinabalu, malaysia",korean14,korean,female,892,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ***** laughs, or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/korean14.wav +1306,42,40,"pusan, south korea",korean15,korean,male,1005,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella S code to bring these things with her from the store.,recordings/wav/korean15.wav +1307,30,13,"nonsan, south korea",korean16,korean,female,1006,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Preschool Stella Escort to bring these things with her from the store. 6 pounds of fresh snow peas, 5 feet slaps or blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet or Wednesday at the train station.",recordings/wav/korean16.wav +1308,21,8,"cheju-do, south korea",korean17,korean,male,1007,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella escalate to bring these things with her from the store. She explains of fresh snow piece 5-6 slabs or blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy for for the kids.",recordings/wav/korean17.wav +1309,25,7,"seoul, south korea",korean18,korean,male,1117,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean18.wav +1310,21,14,"seoul, south korea",korean19,korean,female,1118,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Political Stella's call to bring these things with the help from the store.,recordings/wav/korean19.wav +1311,23,14,"taegu, south korea",korean2,korean,female,239,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Esco to bring these things with her from the store. 6 Spoons operational piece by piece left the blue Tees and maybe a snack for her brother Bob.,recordings/wav/korean2.wav +1312,58,13,"inchon, south korea",korean20,korean,female,1126,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean20.wav +1313,21,12,"ulsan, south korea",korean21,korean,male,1142,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I scared to bring these things with her from the store.,recordings/wav/korean21.wav +1314,19,8,"inchon, south korea",korean22,korean,female,1145,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons or fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kiss. She could scoop. This thing should do three redbacks and would go meet her Wednesday at the train station.,recordings/wav/korean22.wav +1315,49,12,"seoul, south korea",korean23,korean,female,1196,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring.,recordings/wav/korean23.wav +1316,42,13,"seoul, south korea",korean24,korean,male,1370,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 spoons of fresh snow peas fiber, 6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kid.",recordings/wav/korean24.wav +1317,34,12,"anseong, kyong gi, south korea",korean25,korean,female,1386,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peace pipe. Thick slabs are blue Tees and maybe a snack for her brother bug. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red beds.,recordings/wav/korean25.wav +1318,23,21,"seoul, south korea",korean26,korean,male,1507,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three redbacks and we will go meet her Wednesday at the train station.,recordings/wav/korean26.wav +1319,51,14,"haenam, south korea",korean27,korean,male,1624,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/korean27.wav +1320,62,13,"seoul, south korea",korean28,korean,female,1663,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask. Ask her to bring these things with her from the store. 66 pounds of fresh snow phase five thick server over blue cheese and maybe maybe a snack for her brother Bob.,recordings/wav/korean28.wav +1321,19,8,"masan, south korea",korean29,korean,female,1687,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons for a fresh snow peas 5 thick slabs of blue cheese and maybe a snack for her brother pop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/korean29.wav +1322,19,17,"seoul, south korea",korean3,korean,female,240,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring this thing with her from the source explained of fresh Now please 5-6 left.,recordings/wav/korean3.wav +1323,49,14,"seoul, south korea",korean30,korean,female,1690,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things video from the store. 6 Spoons or Boo. Fresh snow peas, fiber thick slab of blue cheese.",recordings/wav/korean30.wav +1324,18,7,"seoul, south korea",korean31,korean,female,1696,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 ***** lapse of blue cheese and maybe a snack for brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the.,recordings/wav/korean31.wav +1325,35,28,"seoul, south korea",korean32,korean,female,1715,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring.,recordings/wav/korean32.wav +1326,30,13,"seongnam, south korea",korean33,korean,female,1722,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 fix less of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the keys. She can scoop these things into. 3 red bags will go meet her Wednesday at the train station.,recordings/wav/korean33.wav +1327,20,11,"seoul, south korea",korean34,korean,female,1814,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/korean34.wav +1328,48,12,"kwangju, south korea",korean35,korean,male,1815,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Praise 'cause they learn. Ask her to bring this thing with the hope from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/korean35.wav +1329,51,12,"taegu, south korea",korean36,korean,female,1838,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of a fresh snowpeas 5 thick slabs of a blue cheese and maybe a snack for her brother Bob.,recordings/wav/korean36.wav +1330,27,14,"seoul, south korea",korean37,korean,female,1843,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this or six spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother bath. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will we will go meet her Wednesday at the train station.,recordings/wav/korean37.wav +1331,25,10,"inchon, south korea",korean38,korean,male,1848,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Escort to bring these things with her from the store.,recordings/wav/korean38.wav +1332,55,14,"pusan, south korea",korean39,korean,male,1862,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Sarah. Asked her bring these things with her from the store. 6 spoon for fresh snow peas. The fight takes life of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake.,recordings/wav/korean39.wav +1333,29,15,"seoul, south korea",korean4,korean,female,241,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/korean4.wav +1334,21,17,"seoul, south korea",korean40,korean,female,1943,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things were from the store, 6 spoons of fresh snow peas, 5 thick slabs with blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/korean40.wav +1335,50,12,"seoul, south korea",korean41,korean,female,1946,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her blood above. We also need a small plastic snack and a big toy proc for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean41.wav +1336,26,3,"bayside, new york, usa",korean42,korean,male,1950,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, peas.",recordings/wav/korean42.wav +1337,20,13,"taejon, south korea",korean43,korean,male,1952,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/korean43.wav +1338,49,14,"inchon, south korea",korean44,korean,male,1971,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Ball. We also need your small plastic snake and big toy flower for the kids.",recordings/wav/korean44.wav +1339,28,13,"inchon, south korea",korean45,korean,male,1982,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake and a big toy frog for the keys. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean45.wav +1340,21,21,"seoul, south korea",korean46,korean,female,2015,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slaves or blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/korean46.wav +1341,23,10,"seoul, south korea",korean47,korean,male,2058,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for her kids.",recordings/wav/korean47.wav +1342,32,27,"seoul, south korea",korean48,korean,male,2075,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella at school to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe it's not full whole brother, but we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet or Wednesday at the train station.",recordings/wav/korean48.wav +1343,22,7,"an yang, south korea",korean49,korean,female,2098,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Play Scarsella escort to bring these things with her from the store. 6 Bones offers no peace. 5-6 lives of blue cheese and maybe a snake for brother Bob. We also need a small plastic snakes and a big toy for the kids.,recordings/wav/korean49.wav +1344,50,12,"seoul, south korea",korean5,korean,female,242,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas 5 stay up five sticks lapse of blue cheese and maybe a snake of her brother Bob. We also need a small plastic snake.,recordings/wav/korean5.wav +1345,57,13,"taejon, south korea",korean50,korean,female,2133,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of a fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for it. Brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/korean50.wav +1346,25,16,"seoul, south korea",korean51,korean,male,2134,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow Peas, 5 **** slaps approved blue cheese and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/korean51.wav +1347,40,12,"seoul, south korea",korean52,korean,male,2158,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet Wednesday at the train station.",recordings/wav/korean52.wav +1348,21,12,"sunchun, south korea",korean6,korean,female,243,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police, called Seller, asked to grindy things with our producer. Six friends of fresh New Piece 5 fix lapse of blue cheese and maybe a snake for brother Bob. We also need a small plastic and a big toy for for the kids. She can skip these things into 3 red bags and will commit area stay at the train station.",recordings/wav/korean6.wav +1349,32,10,"seoul, south korea",korean7,korean,male,244,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/korean7.wav +1350,39,13,"seoul, south korea",korean8,korean,female,452,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/korean8.wav +1351,34,12,"taejon, south korea",korean9,korean,male,474,south korea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with it from the store. 6 spoons of fresh snow peas, 5-6 tabs of blue cheese, and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and will go meet on Wednesday at the train station.",recordings/wav/korean9.wav +1352,46,5,"freetown, sierra leone",krio1,krio,female,245,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go steal it. Ask her to build these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/krio1.wav +1353,26,5,"freetown, sierra leone",krio2,krio,male,431,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask how to bring things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs with blue cheese and maybe a snack for her brother bath snake. We also need a small plastic.",recordings/wav/krio2.wav +1354,21,5,"freetown, sierra leone",krio3,krio,female,1095,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/krio3.wav +1355,48,7,"freetown, sierra leone",krio4,krio,female,1106,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things.,recordings/wav/krio4.wav +1356,36,6,"freetown, sierra leone",krio5,krio,male,1140,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stalin asks her to bring those things with her for the stock 6 pounds of fresh snow Peas 5 takes slab of blue cheese and maybe a snack for a border bulb. We also need a small plastic snack and a big toy flag from the kids. She can scoop those things into triggered bag and we will go meet a Wednesday added.,recordings/wav/krio5.wav +1357,26,3,"freetown, sierra leone",krio6,krio,female,2031,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a broader bulb. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in three get bags and we also we and we will go meet.",recordings/wav/krio6.wav +1358,52,4,"margibi, liberia",kru1,kru,female,1760,liberia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the stove. 6 pounds of fresh snow peas. 5 takes lives of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/kru1.wav +1359,24,15,"arbil, iraq",kurdish1,kurdish,male,246,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this things with her from this store. 6 spoons of fresh snow. Pierce 5 takes slabs slabs.,recordings/wav/kurdish1.wav +1360,37,30,"sulaymaniyah, iraq",kurdish10,kurdish,male,1767,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call sterling. Ask her to bring.,recordings/wav/kurdish10.wav +1361,50,10,"hawler, kurdistan, iraq",kurdish2,kurdish,male,669,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these ink with help from the stool, 6 spoons of the fresh Snow pea 5 stick, slap of blue cheese and maybe snag for her, her brother Bob. We also need small plastic. It's not and big toy frog for the kid. She can scoop these things into 3 red bag and all go meet her Wednesday at train station.",recordings/wav/kurdish2.wav +1362,33,12,"sulaymaniyah, iraq",kurdish3,kurdish,female,809,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call City LA as they care to bring these things with her from the store. 6 spoons of fresh Snow peas 5 sticks laps.,recordings/wav/kurdish3.wav +1363,30,9,"kirkuk, iraq",kurdish4,kurdish,male,1098,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/kurdish4.wav +1364,32,11,"sulaymaniyah, iraq",kurdish5,kurdish,male,1180,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things from with her from the store. 6 spoons of fresh snow pea. 5 thick slabs of blue cheese.,recordings/wav/kurdish5.wav +1365,57,11,"sulaymaniyah, iraq",kurdish6,kurdish,female,1197,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 thick.,recordings/wav/kurdish6.wav +1366,29,13,"sanandaj, iran",kurdish7,kurdish,male,1318,iran,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/kurdish7.wav +1367,55,39,"sulaymaniyah, iraq",kurdish8,kurdish,female,1731,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring these things with her.,recordings/wav/kurdish8.wav +1368,57,40,"sulaymaniyah, iraq",kurdish9,kurdish,male,1766,iraq,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Sheila.,recordings/wav/kurdish9.wav +1369,30,13,"leworook, nusa tenggara, indonesia",lamaholot1,lamaholot,male,247,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/lamaholot1.wav +1370,38,14,"lamotrek island, federated states of micronesia",lamotrekese1,lamotrekese,male,432,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/lamotrekese1.wav +1371,19,12,"savannakhet, laos",lao1,lao,female,248,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/lao1.wav +1372,25,21,"vientiane, laos, ",lao2,lao,female,249,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/lao2.wav +1373,52,20,"pakxe, laos",lao3,lao,male,2007,laos,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring those thing with her from Store 6 full of fish, no peace.",recordings/wav/lao3.wav +1374,24,13,"riga, latvia",latvian1,latvian,female,250,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.,recordings/wav/latvian1.wav +1375,70,11,"riga, latvia",latvian2,latvian,female,964,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/latvian2.wav +1376,19,5,"riga, latvia",latvian3,latvian,female,1845,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spins of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother bought. We also need a small plastic snake in a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/latvian3.wav +1377,37,30,"kinshasa, democratic republic of congo",lingala1,lingala,male,1158,democratic republic of congo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/lingala1.wav +1378,27,24,"klaipeda, lithuania",lithuanian1,lithuanian,female,251,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call still ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tour frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/lithuanian1.wav +1379,34,32,"vilnius, lithuania",lithuanian2,lithuanian,female,459,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/lithuanian2.wav +1380,22,8,"kaunas, lithuania",lithuanian3,lithuanian,female,596,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store, 6 spoons of her snow peas, fojtik slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this fix into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/lithuanian3.wav +1381,23,12,"klaipeda, lithuania",lithuanian4,lithuanian,female,816,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from. The store seeks spoons of fresh snow peas, 5 peak slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/lithuanian4.wav +1382,24,9,"klaipeda, lithuania",lithuanian5,lithuanian,female,1267,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog frog. The kids, the.",recordings/wav/lithuanian5.wav +1383,21,10,"visaginas, lithuania",lithuanian6,lithuanian,female,1465,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/lithuanian6.wav +1384,42,12,"siaya, kenya",luo1,luo,male,252,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/luo1.wav +1385,33,5,"maseno, kenya",luo2,luo,female,484,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/luo2.wav +1386,54,12,"luxembourg, luxembourg",luxembourgeois1,luxembourgeois,female,1296,luxembourg,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go and meet her Wednesday at the train station.",recordings/wav/luxembourgeois1.wav +1387,19,11,"ohrid, macedonia",macedonian1,macedonian,male,253,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/macedonian1.wav +1388,20,10,"skopje, macedonia",macedonian10,macedonian,female,1590,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bop. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian10.wav +1389,20,8,"skopje, macedonia",macedonian11,macedonian,female,1591,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and he will go meet her Wednesday at the train station.",recordings/wav/macedonian11.wav +1390,20,10,"skopje, macedonia",macedonian12,macedonian,female,1592,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 Bruins of fresh Snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy.,recordings/wav/macedonian12.wav +1391,20,8,"skopje, macedonia",macedonian13,macedonian,female,1593,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian13.wav +1392,20,9,"skopje, macedonia",macedonian14,macedonian,female,1594,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/macedonian14.wav +1393,20,10,"skopje, macedonia",macedonian15,macedonian,female,1595,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop. This stinks into tree red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian15.wav +1394,20,5,"skopje, macedonia",macedonian16,macedonian,female,1596,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will get go. Meet her Wednesday at the train station.",recordings/wav/macedonian16.wav +1395,24,6,"skopje, macedonia",macedonian17,macedonian,male,1597,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from for the kids. She can scoop these things into 3 red bags and we will go meet her from Wednesday at the train station.",recordings/wav/macedonian17.wav +1396,20,5,"skopje, macedonia",macedonian18,macedonian,female,1601,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian18.wav +1397,22,10,"skopje, macedonia",macedonian19,macedonian,male,1602,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian19.wav +1398,24,15,"stip, macedonia",macedonian2,macedonian,male,888,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar for ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snack.",recordings/wav/macedonian2.wav +1399,19,10,"skopje, macedonia",macedonian20,macedonian,female,1603,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/macedonian20.wav +1400,19,12,"skopje, macedonia",macedonian21,macedonian,female,1604,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into the into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian21.wav +1401,21,8,"skopje, macedonia",macedonian22,macedonian,female,1605,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and then we'll go meet her Wednesday at the train station.",recordings/wav/macedonian22.wav +1402,20,11,"skopje, macedonia",macedonian23,macedonian,female,1606,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian23.wav +1403,20,7,"skopje, macedonia",macedonian24,macedonian,female,1607,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian24.wav +1404,20,9,"skopje, macedonia",macedonian25,macedonian,female,1608,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons. The Fresno Piece 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/macedonian25.wav +1405,29,11,"ohrid, macedonia",macedonian26,macedonian,male,2014,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian26.wav +1406,24,11,"stip, macedonia",macedonian3,macedonian,male,948,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls tell Oscar to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/macedonian3.wav +1407,21,11,"stip, macedonia",macedonian4,macedonian,male,949,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring these things with her from the store. 6 Sponsor offers shop please five things. Sloughs off of blue cheese and maybe snacks for her brother Bob. We also need a small practice snake and a big toy frog for the kids she can.,recordings/wav/macedonian4.wav +1408,19,11,"skopje, macedonia",macedonian5,macedonian,female,1585,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids.",recordings/wav/macedonian5.wav +1409,19,9,"skopje, macedonia",macedonian6,macedonian,male,1586,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 ticks lapse of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake for in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian6.wav +1410,19,10,"skopje, macedonia",macedonian7,macedonian,female,1587,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday and the train station.",recordings/wav/macedonian7.wav +1411,20,8,"skopje, macedonia",macedonian8,macedonian,male,1588,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/macedonian8.wav +1412,19,10,"skopje, macedonia",macedonian9,macedonian,female,1589,macedonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 bags through red bags and we will go meet her Wednesday at the train station.,recordings/wav/macedonian9.wav +1413,44,20,"antananarivo, madagascar",malagasy1,malagasy,male,1354,madagascar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring their things with a form of store sixpences of Fresno's penises.,recordings/wav/malagasy1.wav +1414,28,3,"kuala lumpur, malaysia",malay1,malay,female,254,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/malay1.wav +1415,22,5,"kuching, sarawak, malaysia",malay2,malay,male,1194,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/malay2.wav +1416,43,6,"seremban, negeri sembilan, malaysia",malay3,malay,female,1497,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/malay3.wav +1417,21,8,"kuala lumpur, malaysia",malay4,malay,female,1503,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/malay4.wav +1418,19,3,"kuala lumpur, malaysia",malay5,malay,male,1670,malaysia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Asset to Randy sings with her from the store. 6 spoons are fresh snow peas, 5 take slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy truck for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/malay5.wav +1419,24,5,"kerala state, kerala state, india",malayalam1,malayalam,male,255,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/malayalam1.wav +1420,29,5,"trivandrum, kerala, india",malayalam2,malayalam,female,592,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/malayalam2.wav +1421,19,3.5,"bangalore, india",malayalam3,malayalam,female,1780,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/malayalam3.wav +1422,18,3,"dubai, united arab emirates",malayalam4,malayalam,female,1857,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/malayalam4.wav +1423,30,4,"mosta, malta",maltese1,maltese,female,409,malta,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/maltese1.wav +1424,74,6,"marsa, malta",maltese2,maltese,female,1359,malta,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/maltese2.wav +1425,26,13,"shanxi province, shanxi, china",mandarin1,mandarin,female,256,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snack and a big tour frog from the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin1.wav +1426,19,3,"beijing, china",mandarin10,mandarin,male,491,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh, narrow piece. Fat. Thick slabs are blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin10.wav +1427,53,13,"kao-hsiung, taiwan",mandarin11,mandarin,female,607,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store.,recordings/wav/mandarin11.wav +1428,23,1,"singapore, singapore",mandarin12,mandarin,male,623,singapore,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin12.wav +1429,29,13,"nantou, taiwan",mandarin13,mandarin,male,685,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Place Coast Down house code to bring these things we've heard from the store. 6 springs of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need the smoke plastic snake and the big toe efrog full of Keats. She could give these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin13.wav +1430,49,20,"dalian, liaoning, china",mandarin14,mandarin,male,719,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow bees, 5-6 slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin14.wav +1431,28,11,"tainan, taiwan",mandarin15,mandarin,female,746,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of spread snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her when stay at the train station.,recordings/wav/mandarin15.wav +1432,32,10,"taipei, taiwan",mandarin16,mandarin,male,750,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to great things with her from the Store, 6 spoons of fresh snow peas, 5 thick slabs or blue cheese, and maybe a snack for her brother Bob.",recordings/wav/mandarin16.wav +1433,26,13,"wuhan, hubei, china",mandarin17,mandarin,male,796,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls then asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 numbers of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin17.wav +1434,29,13,"taoyuan, taiwan",mandarin18,mandarin,female,872,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asks her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/mandarin18.wav +1435,27,13,"qinzhou, guangxi, china",mandarin19,mandarin,male,916,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons. The fresh Snow peas 5 thick slabs.,recordings/wav/mandarin19.wav +1436,38,14,"nanjing, china",mandarin2,mandarin,female,257,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/mandarin2.wav +1437,40,12,"ping tong, taiwan",mandarin20,mandarin,female,931,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 feet slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin20.wav +1438,38,9,"chengdu, sichuan, china",mandarin21,mandarin,female,984,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin21.wav +1439,39,11,"haikou, hainan, china",mandarin22,mandarin,female,1019,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 spoons of fresh snow, peas, thighs, thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop the things into three Redbacks and will go meet her Wednesday at the train station.",recordings/wav/mandarin22.wav +1440,46,13,"kao-hsiung, taiwan",mandarin23,mandarin,female,1044,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Praise Cause Stella asked her to bring these things we, her Founder Store 6 spots of fresh snow peas fight things.",recordings/wav/mandarin23.wav +1441,21,10,"shanghai, china",mandarin24,mandarin,female,1089,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/mandarin24.wav +1442,28,13,"wuxi, jiangsu, china",mandarin25,mandarin,female,1125,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas by thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mandarin25.wav +1443,31,12,"emei, sichuan, china",mandarin26,mandarin,female,1141,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls data. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a slack for her brother by.",recordings/wav/mandarin26.wav +1444,18,15,"chengdu, sichuan, china",mandarin27,mandarin,male,1154,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin27.wav +1445,45,15,"shanghai, china",mandarin28,mandarin,male,1447,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call Stellar asked her to bring these things with her from their store. 6 spoons of fresh snow bees.,recordings/wav/mandarin28.wav +1446,24,4,"lanzhou, gansu, china",mandarin29,mandarin,male,1490,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscars breathing thing but there from the store 6 pounds of fresh snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop the things into 3 red backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin29.wav +1447,43,10,"jilin city, jilin, china",mandarin3,mandarin,male,258,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin3.wav +1448,27,13,"taipei, taiwan",mandarin30,mandarin,male,1491,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, five thanks, lapse of blue cheese.",recordings/wav/mandarin30.wav +1449,26,13,"wenzhou, zhejiang, china",mandarin31,mandarin,female,1519,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meters Wednesday at the train station.",recordings/wav/mandarin31.wav +1450,23,12,"taipei, taiwan",mandarin32,mandarin,female,1527,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella inserted Windows things with her from the store. 6 spoons of fresh snow peas 5-6 laps or blue cheese and maybe and snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/mandarin32.wav +1451,25,6,"beijing, china",mandarin33,mandarin,male,1541,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin33.wav +1452,31,13,"shi jia zhuang, hebei, china",mandarin34,mandarin,female,1578,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spawns of fresh snow peas, fat thick slabs of blue cheese and maybe a snack for her brother Ball will also need a small plastic snake and a big toy Prague for the keys. She can scoop these things into three right backs and we will go make her Wednesday at the train station.",recordings/wav/mandarin34.wav +1453,27,12,"yantai, shandong, china",mandarin35,mandarin,female,1579,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her friend, with her from the store. 6 spoons of fresh snow peas. Found six laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin35.wav +1454,32,10,"beijing, china",mandarin36,mandarin,female,1580,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellar ask her to bring these things with her from the store. 66 spoons of fresh snowpeas 5-6 slash. Slips of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kiss. She can scrub the these things into 3 red bags and we will go meet her Wednesday at this train station.,recordings/wav/mandarin36.wav +1455,32,12,"huhot, nei meng gu, china",mandarin37,mandarin,female,1581,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Steeler ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags.",recordings/wav/mandarin37.wav +1456,33,12,"changsha, hunan, china",mandarin38,mandarin,female,1582,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you ask her to bring these things with her from the store. 6 spoons of fresh snow pins. 5 think slabs of blue cheese and maybe a snack for her brother born. We also need a small plastic snake and a big toy frog from for the kids. She can scooped these things into 3 red bags.,recordings/wav/mandarin38.wav +1457,24,12,"tie ling, liaoning, china",mandarin39,mandarin,female,1583,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 wounds of fresh snow peas, 5 thick flips of blue cheese and maybe a snake for her brother Bob. We also need a small place plastic snake and a big toy frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin39.wav +1458,24,6,"shanghai, china",mandarin4,mandarin,female,259,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin4.wav +1459,28,12,"chengdu, sichuan, china",mandarin40,mandarin,male,1614,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her kids. She can scoop these things into three rib X and we will go meet her when the stay at the train station.",recordings/wav/mandarin40.wav +1460,34,13,"songyuan, jilin, china",mandarin41,mandarin,female,1615,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call styler. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for the kids. She can scoop these things into three ride bikes and we will go meet her.,recordings/wav/mandarin41.wav +1461,47,16,"yanbian, jilin, china",mandarin42,mandarin,female,1616,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. 5 think think.,recordings/wav/mandarin42.wav +1462,24,15,"datong, shanxi, china",mandarin43,mandarin,female,1617,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please constantly ask her to bring these things with her from store 6 bowls of fresh snow peas. Fine, thanks lips of blue cheese and maybe a snake of for her brother bulb. We also need a small place.",recordings/wav/mandarin43.wav +1463,21,16,"hangzhou, zhejiang, china",mandarin44,mandarin,male,1630,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack.,recordings/wav/mandarin44.wav +1464,42,12,"beijing, china",mandarin45,mandarin,female,1631,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fries. No pins found. Thick slippers. Slippers of blue cheese and maybe a snake for her brother, but we also need a small practice plastic snake and big toy frog for the keys. Cricket sport coupe.",recordings/wav/mandarin45.wav +1465,43,9,"jilin city, jilin, china",mandarin46,mandarin,female,1636,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mandarin46.wav +1466,28,8,"beijing, china",mandarin47,mandarin,female,1644,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police costela ask her to bring that sings with her from the store 6 spoons of fresh snow peas found fix lives of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mandarin47.wav +1467,37,12,"pingdingshan, henan, china",mandarin48,mandarin,male,1645,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Taylor Alcohol to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tool frog for the kids. She can scoop these things into 3.",recordings/wav/mandarin48.wav +1468,21,10,"shanghai, china",mandarin49,mandarin,male,1736,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked Brandy things, whether from the store, 6 spoons, a fresh new piece by thick slab, blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and big toy for for the kids. She can skip the things into 3 red bags and we will go meet her Winston at the translation.",recordings/wav/mandarin49.wav +1469,31,12,"beijing, china",mandarin5,mandarin,female,260,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from Store 6 springs spoons over fresh snowpeas 5 sticks slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mandarin5.wav +1470,25,9,"hsinchu, taiwan",mandarin50,mandarin,male,1788,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mandarin50.wav +1471,25,10,"tianjin, hebei, china",mandarin51,mandarin,male,1792,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 springs of fresh snow beans, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/mandarin51.wav +1472,26,6,"shaoxing, zhejiang, china",mandarin52,mandarin,female,1793,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring the scenes with her from the store. 6 pounds of fresh snow peas, 5-6 slabs out, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scope so things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin52.wav +1473,38,13,"ningbo, zhejiang, china",mandarin53,mandarin,female,1817,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a bigger toy frog for the kids.",recordings/wav/mandarin53.wav +1474,25,10,"chengdu, sichuan, china",mandarin54,mandarin,female,1900,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin54.wav +1475,25,13,"loudi, hunan, china",mandarin55,mandarin,female,1909,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these scenes with her from the store. 6 boots of French is no peace. 5 think slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frogfoot case. She can scoop this disease into 3 red bags and we will go meet her Wednesday.,recordings/wav/mandarin55.wav +1476,26,11,"baoding, hebei, china",mandarin56,mandarin,female,1910,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5-6 laps of a blue cheese and maybe a snack for her brother above. We also need a small plastic snake and a big toy frog from the peace she can screw these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin56.wav +1477,20,12,"shanghai, china",mandarin57,mandarin,male,1990,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snap for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/mandarin57.wav +1478,23,7,"superior, colorado, usa",mandarin58,mandarin,male,2000,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake at a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin58.wav +1479,20,6,"kunming, yunnan, china",mandarin59,mandarin,female,2019,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the story. Six points of fresh Snow peas, 5 ticks, 6A spells of blue cheese, and maybe a snack of her brother Bob.",recordings/wav/mandarin59.wav +1480,28,12,"le shan, sichuan, china",mandarin6,mandarin,female,261,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stana ask her to bring these things with her. From this door, six points of fresh snow peas, 5-6 laps of blue cheese at maybe a snack for her brother Bob. We also need a small plastic snake at the big toy frog for the kids. She can screw up these things into 3 red bug bags at weight will go meet her Wednesday at the train station.",recordings/wav/mandarin6.wav +1481,41,13,"guiyang, guizhou, china",mandarin60,mandarin,female,2109,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stories from the store.,recordings/wav/mandarin60.wav +1482,33,16,"shangrao, jiangxi, china",mandarin61,mandarin,female,2116,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese.,recordings/wav/mandarin61.wav +1483,24,7,"shanghai, china",mandarin62,mandarin,male,2117,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please cost Dalla ask her to bring these things with her from the store, 6 spoons of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for a brother Rob a Bob.",recordings/wav/mandarin62.wav +1484,27,12,"jiaozuo, henan, china",mandarin63,mandarin,male,2119,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for her kid for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mandarin63.wav +1485,24,10,"fuzhou, fujian, china",mandarin64,mandarin,female,2129,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/mandarin64.wav +1486,20,5,"tianjin, hebei, china",mandarin65,mandarin,female,2173,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three Webex and we will go meet her Wednesday at the train station.",recordings/wav/mandarin65.wav +1487,22,5,"berkeley, california, usa",mandarin7,mandarin,male,262,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/mandarin7.wav +1488,29,12,"jingmen, hubei, china",mandarin8,mandarin,male,430,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call standard. Ask her to bring these things with her from restore 6 spoons of fresh snow peas.,recordings/wav/mandarin8.wav +1489,38,12,"shanghai, china",mandarin9,mandarin,male,451,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of French fresh Snow Peas, 5 synced snaps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the keys.",recordings/wav/mandarin9.wav +1490,36,9,"freetown, sierra leone",mandingo1,mandingo,male,263,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Axle brings these things with half from the store 6 point of fresh snow peas, 5 tickle slabs of blue cheese.",recordings/wav/mandingo1.wav +1491,23,12,"ziguinchor, senegal",mandinka1,mandinka,male,789,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Steve and ask her to bring these things with her from the store.,recordings/wav/mandinka1.wav +1492,27,15,"goudomp, senegal",mankanya1,mankanya,male,790,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with love from the star.,recordings/wav/mankanya1.wav +1493,21,3,"bombay, india",marathi1,marathi,female,264,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/marathi1.wav +1494,28,10,"madras, india",marathi2,marathi,male,265,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of a fresh snow peas, fives thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/marathi2.wav +1495,31,2,"bombay, india",marathi3,marathi,male,837,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wayne. Stay at the train station.",recordings/wav/marathi3.wav +1496,21,5,"port louis, mauritius",mauritian1,mauritian,male,266,mauritius,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","And please call Stellah asked her to bring these and things with her from the store. Six months, six point of fresh snow peas and find things slabs of blue cheese and maybe a snack. Or for her brother Bob. We also need a small plastic snake and a big toy frog for the kids and she can scoop on these things into everything. Free red bags and we all we will go meet her Wednesday at the.",recordings/wav/mauritian1.wav +1497,48,7,"grand port, mauritius",mauritian2,mauritian,male,1935,mauritius,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella oxide to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/mauritian2.wav +1498,35,5,"harbel, liberia",mende1,mende,male,436,liberia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/mende1.wav +1499,21,2,"freetown, sierra leone",mende2,mende,female,603,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please go, Sally asks her to bring things with her from the staff. 6.0 fresh snow pals five things solid of blue cheese and maybe his neck of her brothers Bob. We also need a small.",recordings/wav/mende2.wav +1500,32,5,"freetown, sierra leone",mende3,mende,male,1986,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow Spears 5 thick slab of blue cheese and maybe it's not for her brother. War will also need a small plastic snake.,recordings/wav/mende3.wav +1501,18,8,"krinkrin, rio coco, nicaragua",miskito1,miskito,male,2067,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/miskito1.wav +1502,18,13,"kum, rio coco, nicaragua",miskito10,miskito,male,2090,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please can still ask him to bring these things with her.,recordings/wav/miskito10.wav +1503,18,11,"bilwi, puerto cabezas, nicaragua",miskito11,miskito,female,2093,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella how scared to bring this thing right here from the store. 6 full of fresh Snow peas, 5 tick slab of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy from toy frog for the kids. She can school living in 2-3 Red Bag and we will go meet her Wednesday at the train station.",recordings/wav/miskito11.wav +1504,18,7,"bilwi, puerto cabezas, nicaragua",miskito2,miskito,female,2068,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the story. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for decades. She can scope these things into three bread bags and we will go meet her.",recordings/wav/miskito2.wav +1505,32,14,"bilwi, puerto cabezas, nicaragua",miskito3,miskito,male,2069,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need at small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at this train station.",recordings/wav/miskito3.wav +1506,18,15,"bilwi, puerto cabezas, nicaragua",miskito4,miskito,male,2070,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing with her from the store store 6 pound of fresh snow peas. Five things laugh of blue cheese and maybe has not for her brother Bob. We also need a small plastic snake and big tree frog for the kids she can scope.,recordings/wav/miskito4.wav +1507,18,7,"bilwi, puerto cabezas, nicaragua",miskito5,miskito,female,2071,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Six months of fresh snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/miskito5.wav +1508,19,12,"bilwi, puerto cabezas, nicaragua",miskito6,miskito,male,2082,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella us here to bring these things with her run here from the store. 6 full of fresh snow spits fighting slab of blue cheese and maybe a snap for her brother walk. We also need a small plastic snake and a big toy frog for the kids. Chickens scoop Tees things into 3 red box.,recordings/wav/miskito6.wav +1509,20,15,"bilwi, puerto cabezas, nicaragua",miskito7,miskito,male,2083,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella adhere to bring these things we hear from the store she spoons or fraps snow speaks, 15. Slips of blue cheese and maybe a snack for his brother book.",recordings/wav/miskito7.wav +1510,18,12,"walakitang, rio coco, nicaragua",miskito8,miskito,male,2088,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stair has her to win these things with her from this story.,recordings/wav/miskito8.wav +1511,40,38,"bilwi, puerto cabezas, nicaragua",miskito9,miskito,male,2089,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow peas 5 sticks, slap of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big.",recordings/wav/miskito9.wav +1512,37,6,"mandalay, myanmar",mizo1,mizo,male,2072,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as hard to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into the red bags and we will go meet her Wednesday at the train station.",recordings/wav/mizo1.wav +1513,54,15,"mango, togo",moba1,moba,male,999,togo,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","OK, please call Stella.",recordings/wav/moba1.wav +1514,18,15,"ulaanbaatar, mongolia",mongolian1,mongolian,female,267,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellah. Ask her to bring those things with her from the store.,recordings/wav/mongolian1.wav +1515,22,17,"ulaanbaatar, mongolia",mongolian2,mongolian,male,268,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still has code to bring these things with her from the store. 6 pounds of fresh Now peace 5 ticked slaps of blue cheese and maybe a snack for her brother Bob.,recordings/wav/mongolian2.wav +1516,38,10,"ulaanbaatar, mongolia",mongolian3,mongolian,male,762,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this things with her from the store.,recordings/wav/mongolian3.wav +1517,19,15,"ulaanbaatar, mongolia",mongolian4,mongolian,male,1024,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake snack and a big toy frog for the kids.",recordings/wav/mongolian4.wav +1518,23,9,"sofia, bulgaria",mongolian5,mongolian,male,1135,bulgaria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, white thick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/mongolian5.wav +1519,29,26,"sukhbaatar, mongolia",mongolian6,mongolian,female,1199,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stellah. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese, and maybe it's knack for her brother Bob. We also need a small plastic snack and big toy frog. The kids she can scoop these things into 3 red bags and we will go meet her when she at the train station.",recordings/wav/mongolian6.wav +1520,28,28,"darhan, mongolia",mongolian7,mongolian,female,1811,mongolia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her front the store, 6 spoons of fresh snow peas, 5 disc slips of blue cheese and maybe a snack for her brothers Bob. We also need a small plastic snake and a big toy frogs for kids.",recordings/wav/mongolian7.wav +1521,25,5,"jining, inner mongolia, china",mongolian8,mongolian,male,1842,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/mongolian8.wav +1522,19,5,"yekaterinburg, russia",mongolian9,mongolian,male,1896,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/mongolian9.wav +1523,29,12,"tenkodogo, burkina faso",moore1,moore,female,269,burkina faso,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob.",recordings/wav/moore1.wav +1524,21,6,"weno, chuuk, federated states of micronesia",mortlockese1,mortlockese,male,270,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for for the kids.",recordings/wav/mortlockese1.wav +1525,44,12,"rehoboth, namibia",nama1,nama,male,1104,namibia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nama1.wav +1526,35,18,"eldoret, kenya",nandi1,nandi,male,1193,kenya,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as had to bring these things without with help from the store. 6 spoons of fresh Snow Peas, 5 **** slaps with blue cheese and maybe a snack about Brother Bob.",recordings/wav/nandi1.wav +1527,24,12,"shangri-la, yunnan, china",naxi1,naxi,female,2164,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/naxi1.wav +1528,22,5,"katmandu, nepal",nepali1,nepali,female,271,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call. Sheila asks her to bring these things with her from the store. 6 spoons of fresh snow peas, five things, slaves of blue cheese, and maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we all we will go with her. When I stayed at the train station.",recordings/wav/nepali1.wav +1529,23,3,"katmandu, nepal",nepali10,nepali,female,1770,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of phrase snow peas 5 thick slabs of blue cheese and maybe a snack for her brother bald. We also need a small plastic snake and a big toy frog for the kids. Sick and scooped these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/nepali10.wav +1530,24,20,"katmandu, nepal",nepali11,nepali,female,1865,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call steel axe hard to bring those things with her from the store. 6 spoons of phrase is no peace 5 thick.,recordings/wav/nepali11.wav +1531,26,6,"katmandu, nepal",nepali12,nepali,female,1978,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/nepali12.wav +1532,25,5,"katmandu, nepal",nepali13,nepali,female,2021,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/nepali13.wav +1533,37,14,"katmandu, nepal",nepali2,nepali,female,757,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stay on her. Ask her too.,recordings/wav/nepali2.wav +1534,36,4,"dharan, nepal",nepali3,nepali,male,807,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/nepali3.wav +1535,25,5,"pokhara, nepal",nepali4,nepali,male,830,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nepali4.wav +1536,39,9,"chisapani, nepal",nepali5,nepali,male,1495,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nepali5.wav +1537,24,6,"bhadrapur, nepal",nepali6,nepali,male,1499,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/nepali6.wav +1538,19,7,"chitwan, nepal",nepali7,nepali,male,1513,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, optics labs with blue cheese and make it maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids.",recordings/wav/nepali7.wav +1539,20,5,"pokhara, nepal",nepali8,nepali,male,1514,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest in peace. 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake.,recordings/wav/nepali8.wav +1540,36,10,"baglung, nepal",nepali9,nepali,male,1761,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please college Taylor asks her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 kicks slaps, a blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big goof off for the gears. Second scoop these things into two red bags and will go meet her Wednesday at the train station.",recordings/wav/nepali9.wav +1541,29,5,"katmandu, nepal",newari1,newari,male,707,nepal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things without without from this 26 spoon of first snow peas, *** **** slap of blue cheese and maybe a snack for brother. But we also need a small plastic snack.",recordings/wav/newari1.wav +1542,41,15,"bota, cameroon",ngemba1,ngemba,male,581,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ngemba1.wav +1543,63,6,"bamenda, cameroon",ngemba2,ngemba,female,1871,cameroon,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please tell her, ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her.",recordings/wav/ngemba2.wav +1545,33,10,"drammen, norway",norwegian1,norwegian,female,272,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet or Wednesday at a train station.",recordings/wav/norwegian1.wav +1546,55,12,"oslo, norway",norwegian2,norwegian,female,273,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please ask Stella ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet her Wednesday at the train station.",recordings/wav/norwegian2.wav +1547,19,5,"volda, norway",norwegian3,norwegian,male,274,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake in a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/norwegian3.wav +1548,23,10,"lakselv, norway",norwegian4,norwegian,male,562,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with it from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a rather Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wedding stay at the train station.",recordings/wav/norwegian4.wav +1549,41,9,"oslo, norway",norwegian5,norwegian,female,697,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of personal piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.,recordings/wav/norwegian5.wav +1550,29,10,"askim, norway",norwegian6,norwegian,male,1211,norway,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/norwegian6.wav +1551,30,15,"ayod, sudan",nuer1,nuer,male,1368,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Isela Hazard to bring these things with her from the store.,recordings/wav/nuer1.wav +1552,35,5,"bargarh, orissa, india",oriya1,oriya,male,475,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Six months of recipes 5-6 laps of leases, and maybe snag for Bob. We also need a small plastic snake and a big toy frog for the kids. See conscript these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/oriya1.wav +1553,32,6,"orissa, india",oriya2,oriya,male,1084,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/oriya2.wav +1554,33,11,"wellga, ethiopia",oromo1,oromo,female,275,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 sports or fresh Snow peas, 5 ticks clubs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snap and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/oromo1.wav +1555,33,10,"yabello, burana, ethiopia",oromo2,oromo,male,1042,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons or fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy.",recordings/wav/oromo2.wav +1556,35,8,"dembi dollo, ethiopia",oromo3,oromo,female,1152,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her for.,recordings/wav/oromo3.wav +1557,27,5,"willemstad, curacao",papiamentu1,papiamentu,female,1781,curacao,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/papiamentu1.wav +1558,23,10,"willemstad, curacao",papiamentu2,papiamentu,male,1783,curacao,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in three red bags and we will go meet her Wednesday at the train station.",recordings/wav/papiamentu2.wav +1559,47,12,"kabul, kandahar, afghanistan",pashto1,pashto,female,696,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of them, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids.",recordings/wav/pashto1.wav +1560,26,5,"mansehra, pakistan",pashto10,pashto,female,1919,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/pashto10.wav +1561,26,26,"kabul, kandahar, afghanistan",pashto2,pashto,female,792,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call styler. Ask her to Brown death tanks with her from the story sex spoons of fresh snow bus 5 tax slabs of blow, blue cheese and maybe our thank for her brother Bob. We also need.",recordings/wav/pashto2.wav +1562,36,7,"kandahar, afghanistan",pashto3,pashto,female,963,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring those these things with her from this store. 6 spoons of fresh snow piece fives 5 thick.,recordings/wav/pashto3.wav +1563,18,6,"peshawar, pakistan",pashto4,pashto,female,1010,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, biface slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/pashto4.wav +1564,52,22,"kandahar, afghanistan",pashto5,pashto,female,1355,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her.,recordings/wav/pashto5.wav +1565,59,17,"kandahar, afghanistan",pashto6,pashto,male,1356,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella.,recordings/wav/pashto6.wav +1566,42,20,"kabul, afghanistan",pashto7,pashto,female,1357,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snowpeas 5 takes lots of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/pashto7.wav +1567,39,17,"paktia, afghanistan",pashto8,pashto,male,1714,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store 6 phone or fresh no peace 5 tax slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the cares. She can scope this thing into 3 red bags and we will go meet her Wednesday at the translation.,recordings/wav/pashto8.wav +1568,56,18,"kabul, afghanistan",pashto9,pashto,male,1820,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things.,recordings/wav/pashto9.wav +1569,18,3,"kolonia, pohnpei, federated states of micronesia",pohnpeian1,pohnpeian,male,276,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her under Store 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/pohnpeian1.wav +1570,26,23,"janow, poland",polish1,polish,female,277,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Miller,recordings/wav/polish1.wav +1571,30,15,"wolanow, poland",polish10,polish,female,842,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please coast Steeler ask her to bring those those things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic snake and a big toy frog for the kids. She can scope those things into 3 red bags and we will go her Wednesday at the train station.",recordings/wav/polish10.wav +1572,56,10,"warsaw, poland",polish11,polish,female,843,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the star of spoons of fresh snow peas. 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She then scooped these things into free red bags and we will go meet her Wednesday at train station.,recordings/wav/polish11.wav +1573,40,20,"warsaw, poland",polish12,polish,male,883,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these strings with her from the star. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/polish12.wav +1574,22,14,"gryfino, western pomerania, poland",polish13,polish,male,958,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things would have from the start. She explains of Rational piece 5 thick slabs of blue cheese and maybe a snack for her brother above. We also need a small plastic snake and a big toy truck for the kids. Chicken scoop these things into three did bags only go meet her once they update train station.,recordings/wav/polish13.wav +1575,97,35,"warsaw, poland",polish14,polish,male,1171,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her bring this things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother but.",recordings/wav/polish14.wav +1576,25,9,"ketrzyn, poland",polish15,polish,female,1245,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call stair. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish15.wav +1577,19,8,"koszalin, poland",polish16,polish,male,1278,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish16.wav +1578,33,13,"krakow, poland",polish17,polish,female,1453,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her. From this door. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her on Wednesday at the train station.",recordings/wav/polish17.wav +1579,18,5,"bialystok, poland",polish18,polish,male,1483,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the star. 6 spoons. Have fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Berb. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into free 8 bags and will go meet her Wednesday at the train station.",recordings/wav/polish18.wav +1580,24,7,"belchatow, poland",polish19,polish,male,1549,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snag for her brother Bob.",recordings/wav/polish19.wav +1581,26,25,"mielec, poland",polish2,polish,female,278,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store.,recordings/wav/polish2.wav +1582,53,4,"gdansk, poland",polish20,polish,female,1625,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/polish20.wav +1583,30,10,"kolobrzeg, poland",polish21,polish,male,1651,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with him. Store 6 springs of fresh snow peas for fake slopes, blue cheese, and maybe it's not for a brother Bob. We also need a small plastic snake and a big tree frog for the kids. She can screw these things into three that bags and will go with her Wednesday at the train station.",recordings/wav/polish21.wav +1584,19,11,"koszalin, poland",polish22,polish,male,1652,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/polish22.wav +1585,21,8,"lobez, poland",polish23,polish,male,1653,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish23.wav +1586,20,10,"koszalin, poland",polish24,polish,female,1654,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring all these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snag and big toy frog for the kids. She can scoop this things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/polish24.wav +1587,20,11,"koszalin, poland",polish25,polish,male,1671,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish25.wav +1588,19,16,"bytow, poland",polish26,polish,male,1737,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3/8 bags and will go meet her Wednesday at the train station.",recordings/wav/polish26.wav +1589,19,6,"koszalin, poland",polish27,polish,male,1738,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go mirror Wednesday at the train station.,recordings/wav/polish27.wav +1590,20,10,"koszalin, poland",polish28,polish,female,1745,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in the free red box and we'll go meet her Wednesday at the train station.",recordings/wav/polish28.wav +1591,20,11,"sianow, poland",polish29,polish,male,1748,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of personal peace fact, thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope of this things into 3 red backs and we will go meet her Wednesday at the train station.",recordings/wav/polish29.wav +1592,31,12,"nowy sacz, poland",polish3,polish,female,279,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick glass slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/polish3.wav +1593,21,9,"koszalin, poland",polish30,polish,female,1749,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 bowls of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can school these things in their free red bags and we will go meet her Wednesday at the train station.,recordings/wav/polish30.wav +1594,34,16,"trzebnica, poland",polish31,polish,female,1918,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/polish31.wav +1595,42,14,"torun, poland",polish32,polish,male,2062,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish32.wav +1596,21,7,"nowa ruda, poland",polish33,polish,male,2064,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/polish33.wav +1597,48,12,"wroclaw, poland",polish34,polish,female,2085,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from this store. 6 spawns of fresh snow peas.,recordings/wav/polish34.wav +1598,47,15,"krakow, poland",polish4,polish,female,280,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack.",recordings/wav/polish4.wav +1599,22,9,"ozarow maz, poland",polish5,polish,male,482,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and we'll go meet her Wednesday at the train station.",recordings/wav/polish5.wav +1600,26,8,"torun, poland",polish6,polish,female,626,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/polish6.wav +1601,20,6,"przemet, poland",polish7,polish,male,728,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store 6 bins of fresh snow peas by thick slabs of blue cheese and maybe a snack for him, brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip this things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/polish7.wav +1602,20,11,"otwock, poland",polish8,polish,male,769,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call Stella asked him to bring these things we've heard from the store. 6 spoons of Fresno PDE 5 fix slabs of blue cheese and his neck for her brother Bob. We also need a small plastic thing in a big toy frogs. The Keats she can skew these things into 3 red bags and we'll go meet out Wednesday at the train station.,recordings/wav/polish8.wav +1603,23,15,"ostroleka, poland",polish9,polish,female,841,poland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blood, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/polish9.wav +1604,37,16,"bahia, brazil",portuguese1,portuguese,female,281,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask him to being there. Think with headphone distorted. 6 spoon of fixed now paints.,recordings/wav/portuguese1.wav +1605,21,13,"novo hamburgo, rio grande do sul, brazil",portuguese10,portuguese,male,282,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/portuguese10.wav +1606,40,7,"sao paulo, brazil",portuguese11,portuguese,female,495,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese11.wav +1607,36,12,"lisbon, portugal",portuguese12,portuguese,male,513,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh no peace. 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog frog. It's she can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/portuguese12.wav +1608,18,9,"santa maria, rio grande do sul, brazil",portuguese13,portuguese,male,520,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big type frog for the kids. She can skip these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese13.wav +1609,25,8,"sao paulo, brazil",portuguese14,portuguese,male,558,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh new snow peas. 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need small plus snake and a big toy frog for the kids. She can scoop things into three had bags and then we will go meet her Wednesday at the train station.,recordings/wav/portuguese14.wav +1610,54,9,"sao paulo, brazil",portuguese15,portuguese,male,615,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, firefix slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese15.wav +1611,25,15,"porto alegre, brazil",portuguese16,portuguese,male,632,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese16.wav +1612,18,15,"salinas, brazil",portuguese17,portuguese,male,806,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese. Anybody snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 33 red bags and we go meet her Wednesday at the train station.",recordings/wav/portuguese17.wav +1613,50,12,"almada, portugal",portuguese18,portuguese,female,812,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rib X and we will go meet her Wednesday at train station.",recordings/wav/portuguese18.wav +1614,32,4,"florianopolis, brazil",portuguese19,portuguese,male,829,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her bring these things with her from the store shakes bones in France. Snow peas bye thanks lives of blue cheese and maybe his knack for her brother Bond. We also need these small plastic snake and a big toy frank for the kids. She came to school with these things into three handbags and we will go meet her wine as they at the train station.",recordings/wav/portuguese19.wav +1615,18,10,"brasilia, brazil",portuguese2,portuguese,female,283,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese2.wav +1616,21,10,"campinas, brazil",portuguese20,portuguese,male,833,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe his leg for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/portuguese20.wav +1617,23,17,"sao paulo, brazil",portuguese21,portuguese,male,891,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh no peace 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/portuguese21.wav +1618,43,17,"luanda, angola",portuguese22,portuguese,female,933,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and scared to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for our brother Bob.",recordings/wav/portuguese22.wav +1619,29,10,"curitiba, brazil",portuguese23,portuguese,female,938,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella answer to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese23.wav +1620,22,11,"santos, brazil",portuguese24,portuguese,female,960,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe his neck for a brother. Bob Wilson need is more plastic snake and a big toy frog for the kids.",recordings/wav/portuguese24.wav +1621,20,18,"rio de janeiro, brazil",portuguese25,portuguese,female,972,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call style and ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese and maybe as naked for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/portuguese25.wav +1622,25,10,"campo grande, brazil",portuguese26,portuguese,female,1109,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese26.wav +1623,33,8,"sao paulo, brazil",portuguese27,portuguese,female,1128,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/portuguese27.wav +1624,36,10,"sao paulo, brazil",portuguese28,portuguese,female,1187,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her. Went from this store. 6 spoons of fresh Snow peas, 5 thick slabs and of blue cheese and maybe a snack of her for her brother Bob.",recordings/wav/portuguese28.wav +1625,28,8,"vitoria, brazil",portuguese29,portuguese,male,1284,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe his neck for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese29.wav +1626,18,15,"blumenau, brazil",portuguese3,portuguese,female,284,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things.,recordings/wav/portuguese3.wav +1627,26,24,"juiz de fora, brazil",portuguese30,portuguese,female,1285,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still ask her to bring these things with her from the store. 6 Puma fresh Snow peas 5 fix leads of blue cheese and maybe snag for her brother board. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we go meet her Wednesday at the train station.,recordings/wav/portuguese30.wav +1628,29,16,"belo horizonte, brazil",portuguese31,portuguese,male,1286,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe his neck for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese31.wav +1629,29,12,"volta redonda, brazil",portuguese32,portuguese,male,1305,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe snag for her brother Ball.",recordings/wav/portuguese32.wav +1630,38,28,"brasilia, brazil",portuguese33,portuguese,male,1316,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from store 6 pounds of fresh snow peas. 5 thick slabs of blue cheese and maybe snag for her brother board. We also need a small plastic snake and victor frog for the kids. She can scoop the things into 3 red bags and then we'll go meet her Wednesday at the train station.,recordings/wav/portuguese33.wav +1631,18,14,"porto alegre, brazil",portuguese34,portuguese,male,1376,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things, whether from the Star 6 spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/portuguese34.wav +1632,22,9,"sao paulo, brazil",portuguese35,portuguese,female,1389,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into three row bags and we will go meet her Wednesday at train station.",recordings/wav/portuguese35.wav +1633,39,15,"uberlandia, brazil",portuguese36,portuguese,female,1438,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into into 3 red bags and we we will go meet her Wednesday at the train station.",recordings/wav/portuguese36.wav +1634,43,26,"sao paulo, brazil",portuguese37,portuguese,female,1454,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from their store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/portuguese37.wav +1635,25,15,"rio de janeiro, brazil",portuguese38,portuguese,male,1470,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh no. Peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meter Wednesday at the train station.",recordings/wav/portuguese38.wav +1636,26,8,"sao paulo, brazil",portuguese39,portuguese,female,1553,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She come scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese39.wav +1637,20,15,"cabinda, angola",portuguese4,portuguese,male,285,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 ticks, slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/portuguese4.wav +1638,23,0,"london, england, uk",portuguese40,portuguese,male,1773,uk,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, fire thick slabs of blue cheese, and Mabel snack for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She could scoop those things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese40.wav +1639,22,10,"mexico city, mexico",portuguese41,portuguese,male,1849,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese41.wav +1640,24,21,"luanda, angola",portuguese42,portuguese,male,1883,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/portuguese42.wav +1641,32,8,"coronel fabriciano, minas gerais, brazil",portuguese43,portuguese,female,1922,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/portuguese43.wav +1642,38,24,"rio de janeiro, brazil",portuguese44,portuguese,female,1930,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as opposed to bring these things with her from this store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Rob. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese44.wav +1643,19,7,"salvador, brazil",portuguese45,portuguese,female,1941,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow Peas 5 takes lives, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three wet bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese45.wav +1644,65,11,"cascais, portugal",portuguese46,portuguese,male,1965,portugal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/portuguese46.wav +1645,22,12,"rosario do sul, brazil",portuguese47,portuguese,female,1989,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store 6 spins a fresh snowpeas 5-6 slabs of blue cheese and maybe a snack for her brother bug. We also need a small plastic snake and a big toy frog for the kids. She can scoop distance into 3 red backs and we will go meet her Wednesday at the train station.,recordings/wav/portuguese47.wav +1646,31,26,"sao paulo, brazil",portuguese48,portuguese,male,2120,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this saying things with her from the store. 6 spoons or fresh snow peas, 5 thick slabs of blue cheese and maybe his knack for her brother Bob.",recordings/wav/portuguese48.wav +1647,31,13,"lubango, angola",portuguese5,portuguese,male,286,angola,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things with her from the store.,recordings/wav/portuguese5.wav +1648,44,15,"sao paulo, brazil",portuguese6,portuguese,male,287,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store's exports of fresh, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we go meet her Wednesday at the train station.",recordings/wav/portuguese6.wav +1649,40,11,"vitoria, brazil",portuguese7,portuguese,male,288,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three rag bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese7.wav +1650,26,7,"fortaleza, brazil",portuguese8,portuguese,male,289,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/portuguese8.wav +1651,18,14,"sao paulo, brazil",portuguese9,portuguese,male,290,brazil,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/portuguese9.wav +1652,53,12,"dakar, senegal",pulaar1,pulaar,female,778,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/pulaar1.wav +1653,44,13,"rufisque, senegal",pulaar2,pulaar,male,779,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the Thor. 6 pounds of fresh snow peas, 5 thick slab of blue keys and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for the kids.",recordings/wav/pulaar2.wav +1654,53,30,"dakar, senegal",pulaar3,pulaar,male,786,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. I mean, six spoons of fresh snow peas, 5 thick slaves of blue cheese, and maybe a snack for her brother. But we also need a small plastic snake and a big toy from for the kids. She can screw these things into 3.",recordings/wav/pulaar3.wav +1655,34,10,"sargodha, pakistan",punjabi1,punjabi,male,291,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/punjabi1.wav +1656,22,11,"ludhiana, india",punjabi10,punjabi,male,2040,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bone of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/punjabi10.wav +1657,26,10,"hoshiarpur, india",punjabi2,punjabi,male,292,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",OK.,recordings/wav/punjabi2.wav +1658,19,6,"moga, punjab, india",punjabi3,punjabi,male,751,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls tell our Oscar to bring these things with her from the store. 6 spoons or fresh no pain.,recordings/wav/punjabi3.wav +1659,33,3,"moga, india",punjabi4,punjabi,female,836,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/punjabi4.wav +1660,49,5,"ropar, punjab, india",punjabi5,punjabi,male,1612,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/punjabi5.wav +1661,25,5,"lahore, pakistan",punjabi6,punjabi,male,1758,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her for the store from the store. 6 spoons of fresh snow pea 5 stick thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/punjabi6.wav +1662,22,5,"lahore, pakistan",punjabi7,punjabi,male,1759,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll go meet her Wednesday at the train station.",recordings/wav/punjabi7.wav +1663,44,13,"jilandhar, punjab, india",punjabi8,punjabi,male,1782,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask our brand these things with her from the store. 6 spoon off fish snow days. Five things stand in the blue cheese and maybe a snap of her brother Bob. We all so need is simple.,recordings/wav/punjabi8.wav +1664,19,11,"kot kapura, india",punjabi9,punjabi,male,2039,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her phone for from the store. 6 pounds of fresh snow peas.,recordings/wav/punjabi9.wav +1665,53,15,"cochabamba, bolivia",quechua1,quechua,female,293,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/quechua1.wav +1666,32,27,"huanuco, provincia dos de mayo, peru",quechua2,quechua,female,294,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call my style. It ask Oscar for 2 words.,recordings/wav/quechua2.wav +1667,24,12,"timisoara, romania",romanian1,romanian,male,295,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into red 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian1.wav +1668,27,11,"bucharest, romania",romanian10,romanian,female,692,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian10.wav +1669,39,14,"buzau, romania",romanian11,romanian,male,693,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese.",recordings/wav/romanian11.wav +1670,38,12,"chisinau, moldova",romanian12,romanian,female,865,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian12.wav +1671,46,12,"babadag, romanian",romanian13,romanian,male,930,romanian,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/romanian13.wav +1672,25,13,"costesti, moldova",romanian14,romanian,female,973,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian14.wav +1673,27,8,"bucharest, romania",romanian15,romanian,female,980,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian15.wav +1674,25,9,"bucharest, romania",romanian16,romanian,female,996,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store 6 points or fresh fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/romanian16.wav +1675,55,48,"chisinau, moldova",romanian17,romanian,female,1099,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these these things with her from the store. 6 pounds of fresh snow peas, five things, slabs of blue cheese and maybe a snack for the brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three bread bags and we will go meet.",recordings/wav/romanian17.wav +1676,43,28,"solotvino, ukraine",romanian18,romanian,female,1448,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella effort to bring these things football from the store. 6 full of fresh Snow Peas, 5 kicks lab or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and who will go met her Wednesday at the train station.",recordings/wav/romanian18.wav +1677,19,8,"chisinau, moldova",romanian19,romanian,male,1557,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. 5 fix slabs of blue cheese, maybe a snack for her broad, but we also need a small plastic snake and a big toy frog for her kids. She can skip these things into free red bags will go meet her Wednesday for train station.",recordings/wav/romanian19.wav +1678,62,14,"bucharest, romania",romanian2,romanian,male,296,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/romanian2.wav +1679,34,19,"bucharest, romania",romanian20,romanian,female,1599,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bug bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian20.wav +1680,50,32,"birtem, romania",romanian3,romanian,male,297,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/romanian3.wav +1681,35,32,"bucharest, romania",romanian4,romanian,female,298,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring this things with her from the store seeks bones of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big tie frog for the kids. She can skip this things into 3 red bags and we will go meet her Wednesday at a train station.,recordings/wav/romanian4.wav +1682,47,12,"bucharest, romania",romanian5,romanian,female,688,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest now peace. 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/romanian5.wav +1683,35,12,"bucharest, romania",romanian6,romanian,male,689,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/romanian6.wav +1684,33,11,"bucharest, romania",romanian7,romanian,male,694,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/romanian7.wav +1685,47,12,"bucharest, romania",romanian8,romanian,male,690,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/romanian8.wav +1686,28,10,"bacau, romania",romanian9,romanian,female,691,romania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things for with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/romanian9.wav +1687,43,5,"vatukoula, fiji",rotuman1,rotuman,female,659,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",These schools Stella ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/rotuman1.wav +1688,52,7,"rotuma, rotuma, fiji",rotuman2,rotuman,male,660,fiji,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.,recordings/wav/rotuman2.wav +1689,36,14,"bururi, burundi",rundi1,rundi,male,1272,burundi,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/rundi1.wav +1690,37,36,"nizhni novgorod, russia",russian1,russian,male,299,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls Tele ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slaves of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/russian1.wav +1691,20,5,"moscow, russia",russian10,russian,female,300,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store, she explains a fresh no peace 5-6 laps of blue cheese. Maybe snack for a brother Bob alternator, small plastic snake and a big toy frog for the kids. She can scoop these things into three Redbacks and will go meet her Wednesday the train station.",recordings/wav/russian10.wav +1692,54,13,"ola magadan, russia",russian11,russian,male,301,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store.,recordings/wav/russian11.wav +1693,62,53,"st. petersburg, russia",russian12,russian,male,460,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police calls Steeler asked her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother bulbs.",recordings/wav/russian12.wav +1694,26,10,"moscow, russia",russian13,russian,male,472,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella or ask her to bring these things with her from the store. 6 pools of freshly peeled. 5-6 slabs of blue cheese and made a snack for her brother bomb. We also need a small plastic snake on the big toy frog for the kids. She can scoop these things into 3 red bags and he'll give me to her Wednesday at the train station.,recordings/wav/russian13.wav +1695,33,18,"pskov, russia",russian14,russian,male,609,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian14.wav +1696,34,12,"ayaguz, kazakhstan",russian15,russian,female,647,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from her with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will meet. We will go to meet her Wednesday at the train station.",recordings/wav/russian15.wav +1697,35,11,"minsk, belarus",russian16,russian,male,648,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. The six spoons of fresh snow peas.,recordings/wav/russian16.wav +1698,37,18,"pskov, russia",russian17,russian,male,671,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and we will get me and we will go meet her Wednesday at the train station.",recordings/wav/russian17.wav +1699,23,13,"komsomolsk-on-amur, russia",russian18,russian,male,831,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big type frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/russian18.wav +1700,40,17,"zhezkazgan, kazakhstan",russian19,russian,male,834,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian19.wav +1701,50,10,"izmail, ukraine",russian2,russian,female,302,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 spoons or fresh Snow Pierce 5 fixed slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet here Wednesday.,recordings/wav/russian2.wav +1702,28,17,"kostanai, kazakhstan",russian20,russian,female,911,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian20.wav +1703,46,10,"moscow, russia",russian21,russian,female,954,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella as cute Princess sings with her from the store. 6 spoons of fresh Snow Pierce 5-6 slabs of blue cheese and maybe a snack for her brother bulb. We also need a small plastic, a snack for a big toy frog foster kids. She can scoop as those things into 3 red bags and we will go meet.",recordings/wav/russian21.wav +1704,30,11,"riga, latvia",russian22,russian,male,994,latvia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. That's hard to bring three things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian22.wav +1705,21,5,"zaporizhzhya, ukraine",russian23,russian,female,1057,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this in things with her from the store. 6 spoons of the fresh Snow peas, 55. Thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian23.wav +1706,33,19,"sochi, russia",russian24,russian,female,1073,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this things with her from the story. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and the big toy frog for the kids.",recordings/wav/russian24.wav +1707,58,41,"orhei, moldova",russian25,russian,female,1096,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this this things with her from from the store 6 spoons or phrase snore. Free fresh snowpeas 550 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog from the kids. She can scoop scoop this things into.,recordings/wav/russian25.wav +1708,23,17,"chisinau, moldova",russian26,russian,female,1097,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for the brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go.",recordings/wav/russian26.wav +1709,21,14,"moscow, russia",russian27,russian,male,1191,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls tell her. Ask her to bring these things with her from the store.,recordings/wav/russian27.wav +1710,25,11,"minsk, belarus",russian28,russian,female,1198,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian28.wav +1711,21,6,"chisinau, moldova",russian29,russian,male,1254,moldova,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/russian29.wav +1712,35,6,"zaporizhzhya, ukraine",russian3,russian,female,303,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian3.wav +1713,18,12,"stavropol, russia",russian30,russian,male,1279,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian30.wav +1714,21,4,"tallinn, estonia",russian31,russian,male,1311,estonia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack for her barrel bar. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things to free red bags and go meet her Wednesday at the train station.,recordings/wav/russian31.wav +1715,31,14,"kiev, ukraine",russian32,russian,female,1314,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with half of the store 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian32.wav +1716,24,17,"karaganda, kazakhstan",russian33,russian,female,1317,kazakhstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fix tabs of blue cheese, and maybe a snack for her brother Bob will send you the small plastic snake and a big toy frog for the kids. She can squeeze these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian33.wav +1717,19,15,"vladivostok, russia",russian34,russian,male,1407,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons are fresh nourbese 5 thick slabs on blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy from for their kids. She can scoop these things into 3 red bags and will go meet her when his knee and train station.,recordings/wav/russian34.wav +1718,27,16,"dresden, germany",russian35,russian,male,1467,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fixed tabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags.",recordings/wav/russian35.wav +1719,25,20,"moscow, russia",russian36,russian,male,1518,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian36.wav +1720,31,10,"st. petersburg, russia",russian37,russian,male,1523,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellar ascarate bring these things with their from the store.,recordings/wav/russian37.wav +1721,84,18,"gomel, belarus",russian38,russian,male,1708,belarus,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this stinks with her from the store. 6 pools of fresh snow peas. 5 Take slapped on blue cheese and maybe as snack for her brother Bob. We all seen the small plastic snake.,recordings/wav/russian38.wav +1722,25,5,"brooklyn, new york, usa",russian39,russian,female,1750,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian39.wav +1723,68,38,"moscow, russia",russian4,russian,female,304,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things we've heard from the store. 6 sponsor of fresh Snow Peas 5.,recordings/wav/russian4.wav +1724,23,8,"bishkek, kyrgyzstan",russian40,russian,female,1774,kyrgyzstan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian40.wav +1725,30,10,"nizhni novgorod, russia",russian41,russian,female,1844,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 tabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/russian41.wav +1726,24,4,"moscow, russia",russian42,russian,female,1924,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian42.wav +1727,27,8,"st. petersburg, russia",russian43,russian,female,1932,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her every bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/russian43.wav +1728,29,6,"penza, russia",russian44,russian,female,1947,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/russian44.wav +1729,68,14,"st. petersburg, russia",russian45,russian,female,2027,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian45.wav +1730,24,7,"perm, russia",russian46,russian,female,2105,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob would also need a small plastic snake and a big toy frog for the kids. She gets put these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian46.wav +1731,26,6,"saransk, russia",russian47,russian,female,2107,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother Bob, but also need a small plastic snake and a big toy fried for the kids. She can skip these things into 3 red bags and will go out. Meet her Wednesday and the train station.",recordings/wav/russian47.wav +1732,29,6,"fergana, uzbekistan",russian48,russian,female,2137,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 rules of fresh Snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian48.wav +1733,25,15,"khabarovsk, russia",russian5,russian,female,305,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from their store. 6 spoons and threat of fresh snow. Pierce 5 thick slabs or blue cheese, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for the kids. She can scoop this things until 3 red bags and we will go mad for him Wednesday and then train station.",recordings/wav/russian5.wav +1734,26,11,"moscow, russia",russian6,russian,female,306,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her home. From store 6 pounds of fresh snow peas, 5 stakes slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop all the think into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/russian6.wav +1735,54,13,"kiev, ukraine",russian7,russian,female,307,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop the sinks into 3 red bags and we will go meet her Wednesday as a train station.",recordings/wav/russian7.wav +1736,66,12,"moscow, russia",russian8,russian,male,308,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Miss Stella.,recordings/wav/russian8.wav +1737,23,7,"moscow, russia",russian9,russian,male,309,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/russian9.wav +1738,45,16,"byumba, rwanda",rwanda1,rwanda,male,1038,rwanda,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pawns of fresh snow peas. If I've fixed lips of blue cheese and maybe a snack of her brother Bob.,recordings/wav/rwanda1.wav +1739,52,7,"riverside, small malaita, solomon islands",sa'a1,sa'a,male,1200,solomon islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/sa'a1.wav +1740,35,11,"zofingen, switzerland",sardinian1,sardinian,female,310,switzerland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 sticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and she will go meet her.",recordings/wav/sardinian1.wav +1741,21,10,"ndjamena, chad",sarua1,sarua,male,311,chad,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing.,recordings/wav/sarua1.wav +1742,41,6,"satawal island, yap state, federated states of micronesia",satawalese1,satawalese,male,312,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/satawalese1.wav +1743,30,6,"satawal island, yap state, federated states of micronesia",satawalese2,satawalese,female,313,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/satawalese2.wav +1744,47,47,"bosanska krupa, bosnia",serbian1,serbian,female,314,bosnia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Piece called Stella ask her to bring these things with her prompted store 6 pounds of fresh snow peas.,recordings/wav/serbian1.wav +1745,25,7,"belgrade, serbia",serbian10,serbian,male,727,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic snake and the big toy frog fruit for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/serbian10.wav +1746,26,14,"belgrade, serbia",serbian11,serbian,male,744,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store.,recordings/wav/serbian11.wav +1747,25,11,"vranje, serbia",serbian12,serbian,female,894,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store. Six months or Fresno piece 5 thick slabs of blue cheese and maybe a snack for her brother Bob.,recordings/wav/serbian12.wav +1748,25,11,"teslic, bosnia and herzegovina",serbian13,serbian,female,945,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian13.wav +1749,26,20,"podgorica, montenegro",serbian14,serbian,female,988,montenegro,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, name the with her, with her from the store, 6 spoons of fresh snow Peas, 5 ticks slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian14.wav +1750,26,15,"tuzla, bosnia and herzegovina",serbian15,serbian,female,1079,bosnia and herzegovina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, five things, slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake snake and big toy frog from the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday on the train station.",recordings/wav/serbian15.wav +1751,33,9,"belgrade, serbia",serbian16,serbian,male,1157,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/serbian16.wav +1752,29,10,"belgrade, serbia",serbian17,serbian,female,1283,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons with fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/serbian17.wav +1753,22,11,"belgrade, serbia",serbian18,serbian,male,1542,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian18.wav +1754,36,15,"zrenjanin, serbia, yugoslavia",serbian2,serbian,male,315,yugoslavia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/serbian2.wav +1755,25,7,"belgrade, serbia",serbian3,serbian,male,530,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian3.wav +1756,27,15,"velika plana, serbia",serbian4,serbian,male,704,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/serbian4.wav +1757,35,6,"belgrade, serbia",serbian5,serbian,male,722,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we'll get we'll go meet her Wednesday and the train station.,recordings/wav/serbian5.wav +1758,33,12,"kraljevo, serbia",serbian6,serbian,male,723,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rest. No peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/serbian6.wav +1759,31,7,"belgrade, serbia",serbian7,serbian,female,724,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella and ask her to bring these things with her from the store. 6 bowls of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/serbian7.wav +1760,44,20,"kraljevo, serbia",serbian8,serbian,male,726,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 bones of rational piece 5 ***** lives or blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and a big victory frog for the kids. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.,recordings/wav/serbian8.wav +1761,31,9,"kragujevac, serbia",serbian9,serbian,female,725,serbia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas path, big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things in free red bags and we will go meet her Wednesday at a train station.",recordings/wav/serbian9.wav +1762,39,18,"fatick, senegal",serer1,serer,male,780,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/serer1.wav +1763,52,6,"maseru, lesotho",sesotho1,sesotho,female,703,lesotho,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",The political Stella.,recordings/wav/sesotho1.wav +1764,34,16,"taunggyi, myanmar",shan1,shan,female,1967,myanmar,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please 'cause there are hard to bring distinguish her from the stove 6 burner. Press snow peas.,recordings/wav/shan1.wav +1765,42,12,"malakal, sudan",shilluk1,shilluk,male,1028,sudan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the straw.,recordings/wav/shilluk1.wav +1766,30,5,"bulawayo, zimbabwe",shona1,shona,female,599,zimbabwe,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/shona1.wav +1767,20,6,"harare, zimbabwe",shona2,shona,female,1442,zimbabwe,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/shona2.wav +1768,77,23,"fiumedinisi, sicily",sicilian1,sicilian,male,316,sicily,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call us there a ask her to bring those things with her from the store. 6 spoon of fresh Snow peas, 5 ticks club, slabs of blue cheese and maybe a snack for her brother Bob. We also need a smaller plastic snack snack answer in a big toy frog for the kids.",recordings/wav/sicilian1.wav +1769,26,8,"karachi, pakistan",sindhi1,sindhi,male,424,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/sindhi1.wav +1770,55,18,"colombo, sri lanka",sinhala6,sinhala,female,1912,sri lanka,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call still lesser to bring then thin with her prom. The Store 6 super of.,recordings/wav/sinhala6.wav +1772,25,14,"kosice, slovak republic",slovak1,slovak,female,319,slovak republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three redbacks and we will go meet her Wednesday at the at the train station.",recordings/wav/slovak1.wav +1773,23,17,"piestany, slovak republic",slovak2,slovak,female,320,slovak republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of first Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into treated bags and we will go meet her Wednesday at the train station.",recordings/wav/slovak2.wav +1774,51,16,"nitra, slovak republic",slovak3,slovak,female,321,slovak republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas 5.,recordings/wav/slovak3.wav +1775,20,15,"bratislava, slovakia",slovak4,slovak,female,1178,slovakia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, thigh thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovak4.wav +1776,32,11,"povazska bystrika, slovakia",slovak5,slovak,female,1366,slovakia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 fixed lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovak5.wav +1777,25,6,"slovenj gradec, slovenia",slovenian1,slovenian,female,645,slovenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovenian1.wav +1778,20,4,"ljubljana, slovenia",slovenian2,slovenian,male,1053,slovenia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/slovenian2.wav +1779,26,24,"mogadishu, somalia",somali1,somali,female,322,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring those things with her from.,recordings/wav/somali1.wav +1780,59,8,"erigavo, somalia",somali2,somali,male,577,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asking her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kitties. Can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/somali2.wav +1781,50,10,"borama, somalia",somali3,somali,female,600,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call is still a.,recordings/wav/somali3.wav +1782,25,7,"mogadishu, somalia",somali4,somali,female,1147,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her and we will go meet her Wednesday at the train station.",recordings/wav/somali4.wav +1783,39,18,"mogadishu, somalia",somali5,somali,male,1148,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/somali5.wav +1784,32,17,"hargeysa, somalia",somali6,somali,male,1149,somalia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/somali6.wav +1785,24,17,"caracas, venezuela",spanish1,spanish,male,323,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons or fresh snowpeas 5 thick slab of blue cheese and maybe and snack for her brother. But we also need a small plastic snake and a big toy frog for the keys. She can scoop these things into 3 red bags and we will go.,recordings/wav/spanish1.wav +1786,48,47,"san luis de la reina, el salvador",spanish10,spanish,male,324,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella as her to bring these things with her from the store. 6 spoons on French, no peace fighting is loves of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish10.wav +1787,30,26,"iquitos, peru",spanish100,spanish,female,1508,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these scenes with her from the store.,recordings/wav/spanish100.wav +1788,39,19,"la union, el salvador",spanish101,spanish,female,1574,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing we hear from the store. Seek as far or the fresh snow peas. 5 think is war of the blue cheese and maybe a snack for the her brother Bob. We also need a small plastic snack and the big toy frog for the kid. She can escape this thing in turn. 3 red. Bud and.,recordings/wav/spanish101.wav +1789,31,26,"cochabamba, bolivia",spanish102,spanish,male,1575,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. Six response of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kiss. She can scoop these things in three red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish102.wav +1790,46,15,"san miguel, el salvador",spanish103,spanish,male,1584,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from their store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/spanish103.wav +1791,28,20,"san miguel, el salvador",spanish104,spanish,female,1600,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing.,recordings/wav/spanish104.wav +1792,41,10,"jerez de la frontera, spain",spanish105,spanish,female,1613,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish105.wav +1793,21,5,"lima, peru",spanish106,spanish,male,1621,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh, no peace 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She gets grouped these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish106.wav +1794,36,14,"san salvador, el salvador",spanish107,spanish,male,1622,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring those things with her.,recordings/wav/spanish107.wav +1795,36,24,"medellin, colombia",spanish108,spanish,male,1629,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from for the store. 6 pounds of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags. I will go meet her Wednesday at the train station.,recordings/wav/spanish108.wav +1796,21,16,"maracay, venezuela",spanish109,spanish,male,1660,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please God Stella asked her to read the things we heard from the store. 6 spoons or fresh nosepiece. Fight pigs life of blue cheese and maybe it's not for her brother Bob. We also need a small plastic snake in a big toy for for the kids. She can screw these things into 3 red bags and we will give me her Wednesday and the train station.,recordings/wav/spanish109.wav +1797,49,28,"lima, peru",spanish11,spanish,female,325,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her.,recordings/wav/spanish11.wav +1798,20,18,"caracas, venezuela",spanish110,spanish,male,1680,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask hard to bring these things with her from the store. 6 spoons are fresh, no peace.",recordings/wav/spanish110.wav +1799,55,33,"santiago, chile",spanish111,spanish,male,1689,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish111.wav +1800,25,15,"la paz, bolivia",spanish112,spanish,male,1693,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob.",recordings/wav/spanish112.wav +1801,19,8,"cochabamba, bolivia",spanish113,spanish,male,1695,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a plastic. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/spanish113.wav +1802,22,8,"seville, spain",spanish114,spanish,female,1732,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked around these things without from the store. 6 spoons oppression opies 5 thick slabs of blue cheese, maybe snap for her brother Bob was a nice small plastic snake in victory flag for the cats. She comes cutest things in tooth fairy bags and will go meet him and stay at the train station.",recordings/wav/spanish114.wav +1803,58,8,"la paz, bolivia",spanish115,spanish,female,1744,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe it's not for her brother Bob. We also need a small plastic snake and a big toy frog, period.",recordings/wav/spanish115.wav +1804,37,6,"bogota, colombia",spanish116,spanish,male,1747,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish116.wav +1805,46,12,"madrid, spain",spanish117,spanish,male,1797,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish117.wav +1806,48,13,"monterrey, mexico",spanish118,spanish,female,1806,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, firestick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids chicken. Scoop these things into into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish118.wav +1807,40,11,"madrid, spain",spanish119,spanish,female,1807,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/spanish119.wav +1808,25,8,"oviedo, spain",spanish12,spanish,male,326,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call.,recordings/wav/spanish12.wav +1809,25,2,"bogota, colombia",spanish120,spanish,female,1823,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish120.wav +1810,34,21,"pasaquina, el salvador",spanish121,spanish,male,1826,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police,recordings/wav/spanish121.wav +1811,26,10,"toluca, mexico",spanish122,spanish,female,1831,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask us to bring these things with her from the store.,recordings/wav/spanish122.wav +1812,57,14,"ilbague, colombia",spanish123,spanish,female,1834,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish123.wav +1813,22,5,"santa cruz, bolivia",spanish124,spanish,male,1835,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things were heard from the store. 6 spoons of Personal piece 5 text lasso, blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake in the big toy frog for the kids. She can scoot these things, integrar airbags and we will go meet her once day at the train station.",recordings/wav/spanish124.wav +1814,23,9,"lima, peru",spanish125,spanish,male,1840,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from here from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish125.wav +1815,54,5,"colon, panama",spanish126,spanish,female,1853,panama,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call. Sheila asks her to bring these.,recordings/wav/spanish126.wav +1816,34,19,"san salvador, el salvador",spanish127,spanish,male,1860,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish127.wav +1817,30,7,"lima, peru",spanish128,spanish,female,1869,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish128.wav +1818,47,30,"havana, cuba",spanish129,spanish,female,1874,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/spanish129.wav +1819,29,11,"duitama, colombia",spanish13,spanish,female,327,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her, from with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish13.wav +1820,27,21,"guayaquil, ecuador",spanish130,spanish,male,1891,ecuador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things to her from the store. 6 pounds of fresh snow pins. 5 thick slabs of blue cheese and maybe a snack of her brothers. But we also need a small plastic snake and a big toy frog for the kids so you can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish130.wav +1821,56,25,"havana, cuba",spanish131,spanish,male,1903,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please.,recordings/wav/spanish131.wav +1822,50,15,"rio piedras, puerto rico",spanish132,spanish,female,1904,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh SMPS, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish132.wav +1823,38,19,"cochabamba, bolivia",spanish133,spanish,male,1916,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish133.wav +1824,41,13,"la union, el salvador",spanish134,spanish,female,1921,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her mom with from the store 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog from the kids chicken. Scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish134.wav +1825,41,22,"santiago de cuba, cuba",spanish135,spanish,female,1923,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.,recordings/wav/spanish135.wav +1826,49,8,"santiago, chile",spanish136,spanish,male,1949,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids.",recordings/wav/spanish136.wav +1827,24,21,"santa ana, el salvador",spanish137,spanish,female,1979,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things we with her from the store. 6 span of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also needed a small plastic snake in a big toy frog from the kit for the kids. She can't scoops.",recordings/wav/spanish137.wav +1828,24,16,"san miguel, el salvador",spanish138,spanish,female,1980,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things we hear from the store. 6 spoons of fresh snow peas fighting labs with blue cheese, and maybe it's not for her brother bought. He also needs more plastic, snake, snake and a big toy for for the kids. Chicken is good. These things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/spanish138.wav +1829,50,38,"guatemala city, guatemala",spanish139,spanish,male,1981,guatemala,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids she can scoop.,recordings/wav/spanish139.wav +1830,34,15,"pereira, colombia",spanish14,spanish,female,328,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her front list or six spoons of fresh snow peas. Fight things slapped with blue cheese and maybe I snack for her brother Bob.,recordings/wav/spanish14.wav +1831,37,31,"cochabamba, bolivia",spanish140,spanish,female,1985,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish140.wav +1832,24,12,"la union, el salvador",spanish141,spanish,male,2009,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish141.wav +1833,59,8,"san salvador, el salvador",spanish142,spanish,female,2016,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish142.wav +1834,45,6,"oviedo, spain",spanish143,spanish,male,2026,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish143.wav +1835,33,23,"florencia, zacatecas, mexico",spanish144,spanish,female,2051,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish144.wav +1836,37,21,"florencia, zacatecas, mexico",spanish145,spanish,female,2052,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish145.wav +1837,25,18,"las palmas, oaxaca, mexico",spanish146,spanish,male,2057,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing with her from the store.,recordings/wav/spanish146.wav +1838,26,15,"puerto_cabezas, nicaragua",spanish147,spanish,male,2078,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella at ask her to bring this this. This didn't with her from the store 6 point of fresh snow Peas 5 **** slab of blue cheese.,recordings/wav/spanish147.wav +1839,19,11,"la ceiba, honduras",spanish148,spanish,male,2079,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with here from the store seeks spoons of fresh snow peas. Fight tick slams of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and big toy frog for the kids. She can spook scoop these things.",recordings/wav/spanish148.wav +1840,23,22,"bilwi, puerto cabezas, nicaragua",spanish149,spanish,male,2091,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as her to bring to sell Steam Video here from this story.,recordings/wav/spanish149.wav +1841,54,4,"san juan, puerto rico",spanish15,spanish,male,329,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of precious Note piece 5 fixes. Lot of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a victory flow for the kids. Chicken is cooked these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/spanish15.wav +1842,18,13,"bilwi, puerto cabezas, nicaragua",spanish150,spanish,male,2094,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring cheese thing with her. From this turn 6 point of fresh snow peas, 5 tick blend of blue cheese and maybe a snack for her brother bomb. We also need a small plastic snake and a big toy from for the kids she can school.",recordings/wav/spanish150.wav +1843,58,50,"bilwas karma, rio coco, nicaragua",spanish151,spanish,female,2096,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with here from the store. 6 points of friends now peace.,recordings/wav/spanish151.wav +1844,51,25,"barcelona, spain",spanish152,spanish,male,2100,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish152.wav +1845,21,10,"bogota, colombia",spanish153,spanish,male,2118,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from this story. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for their kids. She can scoop these things into 3 red bags and we will go and meet her Wednesday at the train station.",recordings/wav/spanish153.wav +1846,30,4,"montevideo, uruguay",spanish154,spanish,male,2127,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/spanish154.wav +1847,27,9,"lima, peru",spanish155,spanish,male,2130,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish155.wav +1848,65,8,"montevideo, uruguay",spanish156,spanish,female,2142,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish156.wav +1849,19,3,"mexico city, mexico",spanish157,spanish,female,2144,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into a red bag and we can go meet her Wednesday at the train station.",recordings/wav/spanish157.wav +1850,54,37,"santurce, puerto rico",spanish158,spanish,female,2148,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella, asked her to print this team with her from the store. 6 spoon of fresh snow peas, fojtik slope of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy fraud for the kids.",recordings/wav/spanish158.wav +1851,29,21,"san salvador, el salvador",spanish159,spanish,male,2149,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Very good you're ready. Yeah, OK, go ahead.",recordings/wav/spanish159.wav +1852,44,25,"buenos aires, argentina",spanish16,spanish,male,330,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/spanish16.wav +1853,20,7,"bogota, colombia",spanish160,spanish,male,2150,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe the snack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish160.wav +1854,56,32,"leon, nicaragua",spanish161,spanish,female,2156,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella as her to bring this thing with her from the story.,recordings/wav/spanish161.wav +1855,28,5,"mexico city, mexico",spanish162,spanish,male,2169,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things from the store.,recordings/wav/spanish162.wav +1856,22,9,"puebla, mexico",spanish17,spanish,female,331,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thicker slabs of blue cheese and maybe his a snack for her brother Bob.",recordings/wav/spanish17.wav +1857,22,17,"la paz, bolivia",spanish18,spanish,male,332,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish18.wav +1858,25,17,"havana, cuba",spanish19,spanish,female,333,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as her to bring these things with her from the store. 6 spoons with fresh snow peas.,recordings/wav/spanish19.wav +1859,20,12,"puerto la cruz, venezuela",spanish2,spanish,male,334,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 550 snaps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish2.wav +1860,45,30,"managua, nicaragua",spanish20,spanish,male,335,nicaragua,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the storm. Six more fresh is not peace.,recordings/wav/spanish20.wav +1861,25,18,"santiago, chile",spanish21,spanish,male,336,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring this thing we hear from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big child frog for decades. She can scoop this thing into three rats.",recordings/wav/spanish21.wav +1862,32,11,"madrid, spain",spanish22,spanish,female,337,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish22.wav +1863,22,7,"santiago, chile",spanish23,spanish,male,338,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 booms or fresh snowpeas 5 thick slabs with blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big tour frog for the kids. She can scoop these things into 3 red backs and we will go meet her Wednesday at the train station.,recordings/wav/spanish23.wav +1864,27,5,"mexico city, mexico",spanish24,spanish,male,339,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish24.wav +1865,26,21,"san jose, costa rica",spanish25,spanish,male,340,costa rica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from the store. 6 spoons of fresh snow peas by a thick slab of blue cheese and maybe a snack from her brother, but.",recordings/wav/spanish25.wav +1866,18,6,"burgos, spain",spanish26,spanish,male,341,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy throw for the kids. She can scoop these things into 3 red box and we will meet her Wednesday at the train station.",recordings/wav/spanish26.wav +1867,34,14,"zaragoza, spain",spanish27,spanish,male,342,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish27.wav +1868,20,18,"san miguel, el salvador",spanish28,spanish,female,343,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh is no peace. 5 thick slabs of blue cheese.,recordings/wav/spanish28.wav +1869,18,10,"maracaibo, zulia, venezuela",spanish29,spanish,male,410,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/spanish29.wav +1870,17,16,"bogota, colombia",spanish3,spanish,female,344,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow beans, five things, slabs of blue cheese and maybe I snag for her brother Bob.",recordings/wav/spanish3.wav +1871,18,5,"buenos aires, argentina",spanish30,spanish,male,441,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish30.wav +1872,31,7,"guayaquil, ecuador",spanish31,spanish,female,449,ecuador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring this thing with her from the store. 6 spoons of fresh snow peas. Fight think slaps.,recordings/wav/spanish31.wav +1873,26,22,"santa cruz, bolivia",spanish32,spanish,male,450,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish32.wav +1874,18,15,"caracas, venezuela",spanish33,spanish,male,467,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring in these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish33.wav +1875,28,11,"cartagena, spain",spanish34,spanish,male,476,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/spanish34.wav +1876,28,17,"mexico city, mexico",spanish35,spanish,male,479,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bought.",recordings/wav/spanish35.wav +1877,27,25,"montevideo, uruguay",spanish36,spanish,male,499,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob Wilson. Lead a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish36.wav +1878,50,17,"tegucigalpa, honduras",spanish37,spanish,female,575,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish37.wav +1879,53,13,"tegucigalpa, honduras",spanish38,spanish,male,576,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas. Fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/spanish38.wav +1880,20,3,"pamplona, spain",spanish39,spanish,male,614,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Escort to bring these things with her from the store.,recordings/wav/spanish39.wav +1881,21,17,"cabanas, el salvador",spanish4,spanish,female,345,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish4.wav +1882,20,6,"cartago, costa rica",spanish40,spanish,male,644,costa rica,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to print this. Simply having the store 6 pounds of fresh snow peas fight this level blue cheese and maybe as a foreign power pop Wilson it's more plastic. His neck, a big toy. For tickets she can dispute this thing into Tyra Banks if we go meeting Wednesday at the train station.",recordings/wav/spanish40.wav +1883,25,6,"bonao, dominican republic",spanish41,spanish,male,706,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish41.wav +1884,80,18,"bogota, colombia",spanish42,spanish,female,712,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish42.wav +1885,43,16,"santiago-dr, dominican republic",spanish43,spanish,male,714,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please please call stellah.,recordings/wav/spanish43.wav +1886,37,4,"la romana, dominican republic",spanish44,spanish,female,716,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish44.wav +1887,47,12,"santiago-dr, dominican republic",spanish45,spanish,female,715,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/spanish45.wav +1888,33,14,"santo domingo, dominican republic",spanish46,spanish,male,717,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. Said spoons of rational piece by thick slabs of blue cheese and maybe snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish46.wav +1889,25,12,"santo domingo, dominican republic",spanish47,spanish,female,718,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from with her from the store. 6 pounds of fresh snow peas, 5 stick lives of blue cheese and maybe as knack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She calls coop chicken. Scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish47.wav +1890,21,6,"bilbao, spain",spanish48,spanish,male,731,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things without from store 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe his knack for brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags.,recordings/wav/spanish48.wav +1891,31,6,"tandil, argentina",spanish49,spanish,male,732,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. Will we also need a small plastic snake and a big toy frog for the kids? She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish49.wav +1892,52,13,"bogota, colombia",spanish5,spanish,female,346,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three bread bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish5.wav +1893,27,15,"santo domingo, dominican republic",spanish50,spanish,male,752,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to win these things with her from the store. 6 spoons is fresh know peace. 5 thick slabs of blue cheese and maybe as night for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at train station.,recordings/wav/spanish50.wav +1894,20,6,"caguas, puerto rico",spanish51,spanish,male,753,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella as her to bring these things with her from the store. 6 Spooner first snowpeas fighting slash or blue sheets and maybe it's not for her brother Bob. We also need a small party snake and a big toy for for the kids. She can scoop this thing into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish51.wav +1895,29,21,"popayan, cauca, colombia",spanish52,spanish,female,777,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish52.wav +1896,33,6,"bogota, colombia",spanish53,spanish,male,797,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoon of fresh snow peas, five thanks slabs of blue cheese and maybe his knack for her brother Bob.",recordings/wav/spanish53.wav +1897,25,18,"vina del mar, chile",spanish54,spanish,male,800,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with help from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/spanish54.wav +1898,36,9,"tandil, argentina",spanish55,spanish,male,810,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/spanish55.wav +1899,22,8,"monterrey, mexico",spanish56,spanish,male,838,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snag for her brother bought. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red backs and we will go meet her Wednesday at the train station.,recordings/wav/spanish56.wav +1900,33,11,"montevideo, uruguay",spanish57,spanish,male,886,uruguay,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe snag for her brother Bob. We also need a small plastic snake and a big toy frog for the kit.",recordings/wav/spanish57.wav +1901,31,18,"bogota, colombia",spanish58,spanish,male,906,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish58.wav +1902,31,5,"mayaguez, puerto rico",spanish59,spanish,female,908,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish59.wav +1903,20,19,"lima, peru",spanish6,spanish,male,347,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 pounds of fresh snow Peas 5 takes slaps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/spanish6.wav +1904,18,9,"santiago-dr, dominican republic",spanish60,spanish,female,915,dominican republic,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 blooms of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish60.wav +1905,67,39,"azuaga, spain",spanish61,spanish,male,924,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store she spoon of fresh snow peas 5 thick slab of blue cheese and maybe a snack for her brother, but we also need a small plastic snake and a big toy frog for the kid. She can scoop this thing into three draft back.",recordings/wav/spanish61.wav +1906,63,19,"buenos aires, argentina",spanish62,spanish,female,925,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish62.wav +1907,32,10,"la coruna, spain",spanish63,spanish,female,959,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store.,recordings/wav/spanish63.wav +1908,28,12,"medellin, colombia",spanish64,spanish,male,962,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 forms of fresh snow peas fight thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish64.wav +1909,32,12,"barranquilla, colombia",spanish65,spanish,male,1069,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask. It'll bring these things with her from the store. 6 pools of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish65.wav +1910,30,12,"san salvador, el salvador",spanish66,spanish,male,1077,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish66.wav +1911,48,14,"santa marta, colombia",spanish67,spanish,female,1111,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from this store. Seek spoons of fresh snow peas. 5 fix slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday.,recordings/wav/spanish67.wav +1912,27,14,"san fernando, chile",spanish68,spanish,male,1227,chile,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish68.wav +1913,20,7,"caracas, venezuela",spanish69,spanish,female,1229,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish69.wav +1914,21,20,"bogota, colombia",spanish7,spanish,female,348,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow snow beans. Five things this love of blue cheese and maybe a snack for her brother Bob.,recordings/wav/spanish7.wav +1915,30,10,"bogota, colombia",spanish70,spanish,female,1230,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas. Fight big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to. We will go meet her Wednesday at the train station.,recordings/wav/spanish70.wav +1916,24,6,"rosario, argentina",spanish71,spanish,male,1231,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bangs and we will go meet her Wednesday at the train station.",recordings/wav/spanish71.wav +1917,20,5,"miami, florida, usa",spanish72,spanish,female,1238,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 bones of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish72.wav +1918,19,15,"merida, venezuela",spanish73,spanish,male,1240,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring their feelings with help from this tool to explain the operational piece 5 fix slab of load sheets and maybe a snack for her brother Ball. Wilson is a small practicing again at big Talk for for the kids. She can scoop these things into three right backs and we will go meet Wednesday at the train station.,recordings/wav/spanish73.wav +1919,44,14,"zaragoza, spain",spanish74,spanish,male,1249,spain,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to print these things with her from the store. 6 spoons of Fresno piece 5 thick slabs of blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish74.wav +1920,28,5,"lima, peru",spanish75,spanish,female,1273,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish75.wav +1921,27,10,"la paz, bolivia",spanish76,spanish,male,1290,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from. The store seeks spoons for fresh snow peas. 5 fixed lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish76.wav +1922,45,13,"jalisco, mexico",spanish77,spanish,male,1301,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from Store 6 Spoons fresh Snow peas, 5 thick slabs, blue cheese and maybe snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids chicken scoop these things into 3 red bags and we will go man her Wednesday at the train station.",recordings/wav/spanish77.wav +1923,55,5,"lima, peru",spanish78,spanish,female,1338,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frank for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish78.wav +1924,70,22,"lamas, peru",spanish79,spanish,female,1344,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police call is stale and ask her to bring these things with her from the store. 6 spoons of race is no peace fight. Thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy flop for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/spanish79.wav +1925,21,12,"san salvador, el salvador",spanish8,spanish,male,349,el salvador,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas fight takes loves of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/spanish8.wav +1926,77,75,"bogota, colombia",spanish80,spanish,female,1346,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estelle. Ask her to bring these things with help from the Store 6 spawned as phrase is no peace 5 fightings in love or blue cheese and maybe a snack for the broader goal.,recordings/wav/spanish80.wav +1927,63,7,"san juan, puerto rico",spanish81,spanish,female,1347,puerto rico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her for being these things with her from the Store 6 bones or of fresh snow peas. Fight fix slab of blue cheese and maybe a snack of her brother brother but he we also need a small plastic snake and big toy to flock of the kids she can.,recordings/wav/spanish81.wav +1928,49,14,"la paz, bolivia",spanish82,spanish,male,1396,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish82.wav +1929,48,14,"la paz, bolivia",spanish83,spanish,male,1397,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store.,recordings/wav/spanish83.wav +1930,19,4,"buenos aires, argentina",spanish84,spanish,female,1398,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/spanish84.wav +1931,44,6,"buenos aires, argentina",spanish85,spanish,female,1399,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh nose piece.,recordings/wav/spanish85.wav +1932,23,4,"buenos aires, argentina",spanish86,spanish,male,1400,argentina,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish86.wav +1933,55,9,"la paz, bolivia",spanish87,spanish,male,1401,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things from her from the store.,recordings/wav/spanish87.wav +1934,53,25,"la paz, bolivia",spanish88,spanish,male,1402,bolivia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/spanish88.wav +1935,22,13,"monterrey, mexico",spanish89,spanish,male,1425,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. We can scoop these things into 3 red bags and we will go meet with her Wednesday at the train station.",recordings/wav/spanish89.wav +1936,20,17,"araure, venezuela",spanish9,spanish,male,350,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. See Spoon 6 spoon of fresh snow peas. 5 stick slabs of blue cheese and maybe a snack for her brother but.,recordings/wav/spanish9.wav +1937,23,3,"caracas, venezuela",spanish90,spanish,female,1431,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her once they at the train station.",recordings/wav/spanish90.wav +1938,20,7,"caracas, venezuela",spanish91,spanish,female,1433,venezuela,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish91.wav +1939,54,9,"cardenas, cuba",spanish92,spanish,male,1435,cuba,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of a blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish92.wav +1940,29,18,"santa rosa, honduras",spanish93,spanish,female,1436,honduras,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy fruit for the kids. She can skip these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish93.wav +1941,19,6,"bogota, colombia",spanish94,spanish,male,1439,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask you to bring these things with her from the store. 6 spoons who fresh snow peas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy toy frog for the kids. She can scoop these things up into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/spanish94.wav +1942,31,21,"juarez, mexico",spanish95,spanish,female,1444,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call.,recordings/wav/spanish95.wav +1943,29,12,"arequipa, peru",spanish96,spanish,female,1449,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things from her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe it's nap for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/spanish96.wav +1944,52,19,"bogota, colombia",spanish97,spanish,female,1450,colombia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things for her, for the from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/spanish97.wav +1945,34,29,"veracruz, mexico",spanish98,spanish,male,1451,mexico,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh Snow peas, 5 thick slabs.",recordings/wav/spanish98.wav +1946,20,4,"lima, peru",spanish99,spanish,female,1506,peru,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/spanish99.wav +1947,37,15,"kuningan, indonesia",sundanese1,sundanese,female,457,indonesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/sundanese1.wav +1948,24,18,"conakry, guinea",susu1,susu,male,1008,guinea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring the things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Barb. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/susu1.wav +1949,56,11,"solna, sweden",swedish1,swedish,female,351,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/swedish1.wav +1950,19,9,"lidkoping, sweden",swedish10,swedish,female,1065,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/swedish10.wav +1951,36,10,"espoo, finland",swedish11,swedish,female,1195,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob, and we also need a small plastic snake and a big toy frog for for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish11.wav +1952,23,7,"malmo, sweden",swedish12,swedish,male,1441,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police call stuff. I asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish12.wav +1953,28,10,"umea, sweden",swedish13,swedish,female,1445,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack from her brother Bob.,recordings/wav/swedish13.wav +1954,23,9,"vetlanda, sweden",swedish14,swedish,male,1752,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/swedish14.wav +1955,22,12,"stokholm, sweden",swedish15,swedish,male,1824,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/swedish15.wav +1956,39,11,"goteborg, sweden",swedish16,swedish,female,1836,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish16.wav +1957,20,8,"farjestaden, sweden",swedish17,swedish,female,1861,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new Snow peas, 5 thick slabs of cheese, blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish17.wav +1958,42,8,"lulea, sweden",swedish18,swedish,male,1992,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/swedish18.wav +1959,50,12,"ekenas, finland",swedish19,swedish,male,2011,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a broader Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop. These things seem to three red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish19.wav +1960,20,10,"uppsala, sweden",swedish2,swedish,male,352,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked bringing these things with her from Store 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at a train station.",recordings/wav/swedish2.wav +1961,31,7,"karlstad, sweden",swedish20,swedish,male,2065,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/swedish20.wav +1962,24,10,"stockholm, sweden",swedish3,swedish,male,353,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and Maple. Snack for her brother Bob. We also need a small plastic snake and a big boy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish3.wav +1963,22,10,"lulea, sweden",swedish4,swedish,male,354,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/swedish4.wav +1964,18,13,"goteborg, sweden",swedish5,swedish,male,454,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother. Bob Wilson. Need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish5.wav +1965,26,7,"goteborg, sweden",swedish6,swedish,male,620,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things will from store 6 spoons of fresh snow peas, 5-6 labs and blue cheese and maybe a snack for a brown Bob. Norman Lee is more plastic snake in a big toy frog full of kids. She can scoop these things into free red bags and will go meet on Wednesday at the train station.",recordings/wav/swedish6.wav +1966,21,11,"sollentuna, sweden",swedish7,swedish,female,630,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and will go to meet her Wednesday at the train station.",recordings/wav/swedish7.wav +1967,22,10,"helsinki, finland",swedish8,swedish,female,701,finland,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish8.wav +1968,20,10,"uddevalla, sweden",swedish9,swedish,male,1027,sweden,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things sweater from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for a broader Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/swedish9.wav +1969,54,17,"sylhet, bangladesh",sylheti1,sylheti,male,711,bangladesh,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please.,recordings/wav/sylheti1.wav +1970,0,0,,synthesized1,synthesized,male,355,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella, asked her reading, listening with her from the Store 6 through the Rational Piece, 5 days left, the Blue team and maybe a snack for her brother Bob. We also need a small plastic snake and eventually tried for the kids. She can screw these things internally, red bags and we will complete her Wednesday at the train station.",recordings/wav/synthesized1.wav +1971,0,0,,synthesized2,synthesized,female,356,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella astral ring.,recordings/wav/synthesized2.wav +1972,0,0,,synthesized3,synthesized,female,357,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/synthesized3.wav +1973,0,0,,synthesized4,synthesized,male,358,,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/synthesized4.wav +1974,18,10,"manila, philippines",tagalog1,tagalog,male,359,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake and a big toy frog for the kids. She can cook these things into three big bags and we will go meet her Wednesday at the train station.",recordings/wav/tagalog1.wav +1975,39,6,"manila, philippines",tagalog10,tagalog,female,1812,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skip these things into 3 redbud bags and we will go on meet her when I stay at a train station.",recordings/wav/tagalog10.wav +1976,59,11,"manila, philippines",tagalog11,tagalog,female,1837,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoon of Fresno peace pipe. Thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids she can scoop.,recordings/wav/tagalog11.wav +1977,33,5,"legaspi, philippines",tagalog12,tagalog,female,1851,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/tagalog12.wav +1978,76,7,"manila, philippines",tagalog13,tagalog,female,1954,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella.,recordings/wav/tagalog13.wav +1979,47,17,"legaspi, philippines",tagalog14,tagalog,female,2002,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the Store 6 spoon or fresh snowpeas 5 thick slab of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy prog for the kids. She can scoop this thing into 3 red bags and we will go meet her.,recordings/wav/tagalog14.wav +1980,35,1,"manila, philippines",tagalog15,tagalog,female,2108,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tagalog15.wav +1981,20,4.5,"san pedro laguna, philippines",tagalog16,tagalog,male,2128,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog16.wav +1982,21,6,"alexandria, virginia, usa",tagalog17,tagalog,male,2146,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog17.wav +1983,77,8,"manila, philippines",tagalog18,tagalog,female,2147,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Estella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red balls and will will go meet him Wednesday at the train station.",recordings/wav/tagalog18.wav +1984,21,7,"urdaneta, luzon, philippines",tagalog2,tagalog,female,360,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/tagalog2.wav +1985,19,1,"honiara, guadalcanal, solomon islands",tagalog3,tagalog,female,361,solomon islands,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow bees. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/tagalog3.wav +1986,48,7,"san fernando, la union, philippines",tagalog4,tagalog,female,470,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas 5-6 laps or blue cheese and maybe a snack for my brother Bob. We also need a small plastic snake and a big toy frog for the kids.,recordings/wav/tagalog4.wav +1987,42,5,"tarlac city, philippines",tagalog5,tagalog,female,677,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/tagalog5.wav +1988,20,4,"quezon city, philippines",tagalog6,tagalog,male,805,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need the small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/tagalog6.wav +1989,60,6,"manila, philippines",tagalog7,tagalog,male,1364,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog7.wav +1990,62,7,"cabanatuan city, philippines",tagalog8,tagalog,female,1627,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella asked her to bring these things with her from the store. 6 sponsor Presno piece by big slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy prog border. Kids second scoop these three things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/tagalog8.wav +1991,48,7,"manila, philippines",tagalog9,tagalog,male,1764,philippines,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tagalog9.wav +1992,21,7,"taishan, guangdong, china",taishan1,taishan,male,362,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/taishan1.wav +1993,36,13,"ping tung, taiwan",taiwanese1,taiwanese,female,363,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","A place called Sadler asks her to bring these things with her from the store. With her from the store, 6 springs of fresh snow pea piece. 5 think step.",recordings/wav/taiwanese1.wav +1994,24,17,"taipei, taiwan",taiwanese2,taiwanese,female,364,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asks her to bring these things with her from the store. 6 pounds of fresh snow.,recordings/wav/taiwanese2.wav +1995,30,13,"tainan, taiwan",taiwanese3,taiwanese,female,365,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/taiwanese3.wav +1996,45,21,"kao-hsiung, taiwan",taiwanese4,taiwanese,female,366,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella answer to bring these things with her from store.,recordings/wav/taiwanese4.wav +1997,27,15,"tainan, taiwan",taiwanese5,taiwanese,male,481,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Pre started city to ask her to bring these scenes with her from the store. She's spoons of fresh snow space fights, 6 syllables of blue cheese and maybe a snack for her brother. But we also need a small pretty snake and a big toy for for for the kids. She can scoop this scene in 2-3 Red Bag and we will go meet her.",recordings/wav/taiwanese5.wav +1998,33,13,"tai chung, taiwan",taiwanese6,taiwanese,female,828,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons are fresh snow peas 5-6 laps or blue cheese and maybe a snake for her brother Bob.,recordings/wav/taiwanese6.wav +1999,65,35,"taipei, taiwan",taiwanese7,taiwanese,female,1864,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas, fight deck slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy walk for the cat seeking scoop these things.",recordings/wav/taiwanese7.wav +2000,54,13,"tainan, taiwan",taiwanese8,taiwanese,female,2136,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/taiwanese8.wav +2001,19,7,"khujand, tajikistan",tajiki1,tajiki,male,2110,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things with her from the store. 6 spoons of Fresno piece. 5-6 slabs of blue cheese and maybe a snack snack for the brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can cook these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/tajiki1.wav +2002,19,12,"khujand, tajikistan",tajiki2,tajiki,female,2175,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of rational piece, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for frog for the kids. She can scoop these things into 3 red bags and he will go to meet her Wednesday at the train station.",recordings/wav/tajiki2.wav +2003,19,10,"khujand, tajikistan",tajiki3,tajiki,female,2176,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new piece, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for for the kids. She can scoop these things into three bag red bags and we will go meet her Wednesday at the train station.",recordings/wav/tajiki3.wav +2004,39,7,"colombo, sri lanka",tamil1,tamil,male,367,sri lanka,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with the from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for a brother Bob.",recordings/wav/tamil1.wav +2005,35,4,"madras, tamil nadu, india",tamil2,tamil,female,429,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her wetness day at the train station.",recordings/wav/tamil2.wav +2006,26,10,"chennai, india",tamil3,tamil,male,531,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Walker to bring these things with her from the store. 6 springs of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scared these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/tamil3.wav +2007,58,3,"colombo, sri lanka",tamil4,tamil,female,1647,sri lanka,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/tamil4.wav +2008,36,5,"coimbatore, tamil nadu, india",tamil5,tamil,female,1723,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tamil5.wav +2009,47,6,"bangalore, karnataka, india",tamil6,tamil,female,2076,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tamil6.wav +2010,29,10,"kargali, tatarstan, russia",tatar1,tatar,female,368,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids.",recordings/wav/tatar1.wav +2011,31,6,"kadapa, india",telugu1,telugu,male,369,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/telugu1.wav +2012,18,6,"guntur, andhra pradesh, india",telugu2,telugu,male,370,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow pins.,recordings/wav/telugu2.wav +2013,21,10,"kono, sierra leone",temne1,temne,male,1905,sierra leone,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this.,recordings/wav/temne1.wav +2014,59,8,"guangdong province, guangdong, china",teochew1,teochew,female,569,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. Said spoons of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into tree red bags and we'll meet her Wednesday at the train station.,recordings/wav/teochew1.wav +2015,25,10,"khon kaen, thailand",thai1,thai,female,371,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Peace Corps Delrae asked her to bring these things with her from the store. 6 spoons are face, no peace, 556 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/thai1.wav +2016,30,6,"bangkok, thailand",thai10,thai,male,1488,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoon of fresh snow peas fight **** slaps a blue cheese and maybe a snack for her brother. Bar will also need a small plastic snake and a big toy frog for the kids. She could scoop these things into 3 red bags and we will meet her Wednesday at the train station.,recordings/wav/thai10.wav +2017,18,13,"bang na, thailand",thai11,thai,male,1673,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls at all. I ask her to bring these thing with her from the SATA 6 aponar fresh Snow Pea 5 **** celeb of blue cheers and maybe a snack for her brother Bob.,recordings/wav/thai11.wav +2018,33,8,"bangkok, thailand",thai12,thai,male,1721,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/thai12.wav +2019,69,7,"nakhon si thammarat, thailand",thai13,thai,female,1829,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/thai13.wav +2020,39,10,"bangkok, thailand",thai14,thai,female,2066,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her. Formed the Store 6 spoons of fresh Snow Peas 5 ***** throb.,recordings/wav/thai14.wav +2021,19,7,"bangkok, thailand",thai15,thai,female,2131,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a stack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids.",recordings/wav/thai15.wav +2022,20,10,"chiang mai, thailand",thai2,thai,male,372,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh new piece 5.,recordings/wav/thai2.wav +2023,22,4,"bangkok, thailand",thai3,thai,male,373,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/thai3.wav +2024,23,7,"songkhla, thailand",thai4,thai,female,448,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 points of Fresno piece 5 bits left up ******** and maybe a snack for her brother. But we also need a small plastic neck and a big toy frog for the kids. She can scoop these things into tree list best and we will commit her Wednesday at the train station.,recordings/wav/thai4.wav +2025,25,10,"bangkok, thailand",thai5,thai,male,612,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring face things with her from the store. 6 spoons of fresh Snow peas 5 fixed lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can skoufis things into three Rd backs and we will go meet her when stay at the train station.,recordings/wav/thai5.wav +2026,27,11,"sukhothai, thailand",thai6,thai,male,698,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Peace Corps Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas fight thick slabs of ********* and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy for for the kids. She can scoop this thing into three late bags and we will go meet her Wednesday at the train station.,recordings/wav/thai6.wav +2027,26,10,"phrae, thailand",thai7,thai,female,898,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring this thing with her from the store. 6 spoon off lesson OP. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for for the kids. She can scoop this thing into three, let bags and we will go meet her Wednesday at the train station.",recordings/wav/thai7.wav +2028,37,25,"bangkok, thailand",thai8,thai,male,1055,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Beats cost error after to bring these things with her from this store.,recordings/wav/thai8.wav +2029,18,6,"bangkok, thailand",thai9,thai,female,1103,thailand,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas. 5 takes up a blue sheets here. Maybe a snack for her brother Bob.,recordings/wav/thai9.wav +2030,26,13,"lhasa, tibet",tibetan1,tibetan,female,374,tibet,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh new piece, 5-6 laps of blue cheese and maybe a snack for her brother Bob.",recordings/wav/tibetan1.wav +2031,41,35,"khamba, tibet",tibetan2,tibetan,female,375,tibet,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tibetan2.wav +2032,20,7,"mysore, india",tibetan3,tibetan,female,376,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call shell.,recordings/wav/tibetan3.wav +2033,25,17,"adigrat, ethiopia",tigrigna1,tigrigna,female,377,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 points of French friends, no peace. 5 thick slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snack and a big toy for frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at.",recordings/wav/tigrigna1.wav +2034,23,20,"asmara, eritrea",tigrigna2,tigrigna,female,378,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow, Snow peas, 5 thick slabs of blue cheese and maybe it's not for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this.",recordings/wav/tigrigna2.wav +2035,44,7,"asmara, eritrea",tigrigna3,tigrigna,male,379,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring this thing. Zing things with her from the store. 6 spoons of fresh snow bees 5 stick slab of blue cheese.,recordings/wav/tigrigna3.wav +2036,52,14,"asmara, eritrea",tigrigna4,tigrigna,female,588,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police called Stella ask her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese.",recordings/wav/tigrigna4.wav +2037,45,10,"asmara, eritrea",tigrigna5,tigrigna,male,1107,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 slabs of blue cheese, and maybe a snack for her brother Bob.",recordings/wav/tigrigna5.wav +2038,58,15,"adigrat, ethiopia",tigrigna6,tigrigna,female,1151,ethiopia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother back.",recordings/wav/tigrigna6.wav +2039,37,7,"asmara, eritrea",tigrigna7,tigrigna,female,1855,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her to bring these things with her from the store. 6 spoon of fresh snap beans. 5 thick slabs of blue cheese and maybe a snack for her brother bump. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into her rate.,recordings/wav/tigrigna7.wav +2040,35,7,"asmara, eritrea",tigrigna8,tigrigna,male,2054,eritrea,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tigrigna8.wav +2041,31,7,"kalamare, botswana",tswana1,tswana,male,488,botswana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things on 3 red bags and will go meet her Wednesday at the train station.",recordings/wav/tswana1.wav +2042,32,6,"lobatse, botswana",tswana2,tswana,female,1183,botswana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/tswana2.wav +2043,27,26,"bingol, turkey",turkish1,turkish,female,381,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/turkish1.wav +2044,27,11,"ankara, turkey",turkish10,turkish,male,578,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of personal piece, five tech slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish10.wav +2045,24,23,"kocaeli, turkey",turkish11,turkish,female,634,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella at scared bring these things which are from store 6 pounds of fresh snow peas, phatic slabs of blue cheese and maybe a snack for our brother pub. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet or Wednesday at the train station.",recordings/wav/turkish11.wav +2046,25,20,"giresun, turkey",turkish12,turkish,male,672,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 seconds of Rational piece, 5 ticks, slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red box and we will go meet her Wednesday at the train station.",recordings/wav/turkish12.wav +2047,18,3,"istanbul, turkey",turkish13,turkish,female,686,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish13.wav +2048,23,6,"istanbul, turkey",turkish14,turkish,female,735,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the start. 6 pounds of fresh snow peas, 5 big slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big talk for the kids. She can scoop these things into free red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish14.wav +2049,18,10,"ankara, turkey",turkish15,turkish,male,736,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask a green basing towards her from the store. Six months of Fresno piece, 5-6 steps of blue cheese and maybe a snack for Brother Bug. We also need a small plastic snake in the big top for outboard kids. She can skip these things into two red bags and will go meet her Wednesday at train station.",recordings/wav/turkish15.wav +2050,25,12,"kars, turkey",turkish16,turkish,male,745,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish16.wav +2051,31,6,"ankara, turkey",turkish17,turkish,male,763,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother, but we also need a small plastic snake and a big toy frog for the kiss. She can scoop these things into 3 red bags and we will go meet our Wednesday to train station.",recordings/wav/turkish17.wav +2052,27,9,"stuttgart, germany",turkish18,turkish,male,926,germany,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stock 6 spoons of race. No peaceful take steps.,recordings/wav/turkish18.wav +2053,25,18,"istanbul, turkey",turkish19,turkish,male,971,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into the three red bags and we will go meet her Wednesday at train station.",recordings/wav/turkish19.wav +2054,24,16,"ankara, turkey",turkish2,turkish,male,382,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her ask her to bring these things we did with her from the store. Six months, 6 spoons or fresh snow peas.",recordings/wav/turkish2.wav +2055,19,9,"kocaeli, turkey",turkish20,turkish,female,1144,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella ask order bring these things with her from the store.,recordings/wav/turkish20.wav +2056,18,4,"istanbul, turkey",turkish21,turkish,female,1210,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish21.wav +2057,23,6,"istanbul, turkey",turkish22,turkish,male,1282,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, five pick slabs of blue cheese and maybe a snack for her brother Ball. We also need a small plastic snake and a big choice for for the kids. She can Scooby strings into free backpacks and we will go meet her Wednesday at the train station.",recordings/wav/turkish22.wav +2058,37,11,"adana, turkey",turkish23,turkish,female,1291,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Escort to bring these things which are from the store.,recordings/wav/turkish23.wav +2059,31,12,"istanbul, turkey",turkish24,turkish,male,1329,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/turkish24.wav +2060,32,26,"kars, turkey",turkish25,turkish,male,1570,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. I ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob.",recordings/wav/turkish25.wav +2061,45,22,"sivas, turkey",turkish26,turkish,male,1704,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring those things with her from the store. 6 pounds of fresh snow peas, 5 ticks lapse of blue cheese, and maybe a snake for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop those things into 3 red bags and we will go meet her Wednesday at the Tracy train station.",recordings/wav/turkish26.wav +2062,18,7,"istanbul, turkey",turkish27,turkish,female,1730,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three dead bags and we will go meet your Wednesday at train station.",recordings/wav/turkish27.wav +2063,24,4,"istanbul, turkey",turkish28,turkish,female,1772,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons wilfre snowpeas 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/turkish28.wav +2064,21,11,"ankara, turkey",turkish29,turkish,female,1808,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, five pick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish29.wav +2065,27,12,"adana, turkey",turkish3,turkish,male,383,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with the with her, with her from the Store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe as snack for her brother Bob. We also need a small plastic snake, a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at at the train station.",recordings/wav/turkish3.wav +2066,24,11,"izmir, turkey",turkish30,turkish,female,1929,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of Fresno piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. You also need a small plastic snake and a big toy for big toy frog for the kids. She can scoop these things into 3 red bags and then we will go meet her Wednesday at the train station.,recordings/wav/turkish30.wav +2067,24,11,"diyarbakir, turkey",turkish31,turkish,male,2032,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police caught Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas 5 tips, lapse of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet Wednesday and at the train station.",recordings/wav/turkish31.wav +2068,24,11,"diyarbakir, turkey",turkish32,turkish,male,2033,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things better from the store. 6 pounds of fresh snow peas, 5 tick slopes of blue cheese and maybe a snake for her brother. But we also need a small plastic snake and big toy frog for the kids. She can scope these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish32.wav +2069,24,11,"diyarbakir, turkey",turkish33,turkish,male,2034,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow fees, 5 ticks, lots of blue cheese and maybe a cynic for her brother Bob. We also need a small plastic, scenic and a big toy frog for the kids. She can scope these things into 3 red bags and we will go meet Wednesday at the train station.",recordings/wav/turkish33.wav +2070,24,11,"diyarbakir, turkey",turkish34,turkish,male,2035,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/turkish34.wav +2071,24,11,"izmir, turkey",turkish35,turkish,female,2048,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Escort to bring these things with her from Store 6 spools of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish35.wav +2072,26,12,"istanbul, turkey",turkish36,turkish,female,2168,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police caught Stella ask her to bring these things. Fit are from the store. 6 spoons of Personal piece 5 ticks lapse of blue cheese and maybe a snack for her brother Bob.,recordings/wav/turkish36.wav +2073,19,17,"panjakent, tajikistan",turkish37,turkish,male,2174,tajikistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring these things.,recordings/wav/turkish37.wav +2074,20,14,"kayseri, turkey",turkish4,turkish,male,384,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5-6 slabs of blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog for the kids.",recordings/wav/turkish4.wav +2075,30,11,"istanbul, turkey",turkish5,turkish,female,385,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. This spoons of fresh snow peas five things, slap of blue cheese and maybe a snack for her brother. But we also need a small plastic snack and a bring toy frog for the kids. She can scoop these things into the into three redback bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish5.wav +2076,19,14,"istanbul, turkey",turkish6,turkish,male,386,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things which are from the store. 6 pools of Fresno piece, 5-6 slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/turkish6.wav +2077,19,13,"izmir, turkey",turkish7,turkish,male,387,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snowpeas 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop this things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/turkish7.wav +2078,37,17,"sivas, turkey",turkish8,turkish,male,478,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscar to bring this thing that her.,recordings/wav/turkish8.wav +2079,25,11,"istanbul, turkey",turkish9,turkish,male,532,turkey,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring his things with her prompted store 6 pounds of fresh snow peas, 5 ticks, level of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy drop positives. She can scoop these things into three right backs and we will go meet her Wednesday at the train station.",recordings/wav/turkish9.wav +2080,24,10,"balkanabat, turkmenistan",turkmen1,turkmen,male,1755,turkmenistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring this thing with these things with her from the store. 6 pounds of fresh snow peas.,recordings/wav/turkmen1.wav +2081,25,12,"kumasi, ghana",twi1,twi,female,388,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Ax her to bring these things with her. From this door, 6 spoons of fresh snow peas, 5 thick slabs or blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can spoke these things into 3 red bags and we will go to meet her Wednesday at the train station.",recordings/wav/twi1.wav +2082,33,6,"ajumako, ghana",twi2,twi,male,389,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stare. I said to bring this chance with her from the store.,recordings/wav/twi2.wav +2083,22,6,"tema, ghana",twi4,twi,female,1779,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into the real into the three red bags and we will go meet her Wednesday at the train station.",recordings/wav/twi4.wav +2084,19,5,"woodbridge, virginia, usa",twi5,twi,male,2001,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 bones of fresh snow peas 5 take slabs of blue cheese and maybe a snack from her brother Bob. We also need a small plastic snake and a big toy frog from the kids. She can scoop these things with into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/twi5.wav +2085,20,4,"kumasi, ghana",twi6,twi,male,2138,ghana,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. I said to bring these things were fair from this store. 6 spoons of fresh Snow peas 5 take slabs of blue cheese and maybe a snack from her brother Bob.,recordings/wav/twi6.wav +2086,26,17,"kyiv, ukraine",ukrainian1,ukrainian,male,649,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ukrainian1.wav +2087,25,7,"lvivska oblast, ukraine",ukrainian10,ukrainian,female,1852,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ukrainian10.wav +2088,23,9,"odessa, ukraine",ukrainian11,ukrainian,female,1999,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ukrainian11.wav +2089,53,44,"akhtyrka, ukraine",ukrainian2,ukrainian,female,844,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/ukrainian2.wav +2090,55,12,"odessa, ukraine",ukrainian3,ukrainian,female,864,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from this store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snake for her brother Bob. We also need a small plastic snake and the big toy frog from for the kids. She can scoop these things into 3 red bags and we will go meet.",recordings/wav/ukrainian3.wav +2091,18,8,"kiev, ukraine",ukrainian4,ukrainian,male,940,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 pounds of rational piece 5-6 laps or blue cheese and maybe a snack for her brother Bob.,recordings/wav/ukrainian4.wav +2092,18,10,"kiev, ukraine",ukrainian5,ukrainian,male,955,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack. Snack for her brother Bob. We also need a small plastic snake snake and a big toy frog for the kids. She can scoop these things into 3 red bags.",recordings/wav/ukrainian5.wav +2093,22,11,"priluki, ukraine",ukrainian6,ukrainian,female,1056,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella ask you to bring the things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and big toy frog for their kids. She can. She can scoop the thing into 3 red bags and we will go meet her for Wednesday at the train station.",recordings/wav/ukrainian6.wav +2094,18,8,"kiev, ukraine",ukrainian7,ukrainian,male,1091,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked to bring these things with her from the store. 6 pounds of Fresno piece 5-6 laps of the cheese and maybe a snack for her brother Bob. We also need small plastic snake and a big toy frog for the kids. She can scoop these things into into three right backs and we will go to meet her Wednesday at the train station.,recordings/wav/ukrainian7.wav +2095,23,17,"luhansk, ukraine",ukrainian8,ukrainian,male,1379,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police Ghost Tower asked her to bring this things was here from the store. 6 spoons of fresh Snow Pierce 5 thick slabs of blue cheese and maybe a snack of for her brother Bob. We also need a small plastic snake and a big talk toy frog for the kids as she can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/ukrainian8.wav +2096,30,20,"zaporizhzhya, ukraine",ukrainian9,ukrainian,male,1520,ukraine,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/ukrainian9.wav +2097,22,18,"karachi, pakistan",urdu1,urdu,male,390,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her about.,recordings/wav/urdu1.wav +2098,20,3,"karachi, pakistan",urdu10,urdu,male,1566,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu10.wav +2099,20,6,"karachi, pakistan",urdu11,urdu,male,1576,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu11.wav +2100,19,4,"islamabad, pakistan",urdu12,urdu,female,1628,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/urdu12.wav +2101,22,4,"lahore, pakistan",urdu13,urdu,female,1795,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu13.wav +2102,21,10,"islamabad, pakistan",urdu14,urdu,male,2038,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go met her Wednesday at the train station.",recordings/wav/urdu14.wav +2103,28,8,"mandi bahauddin, punjab, pakistan",urdu15,urdu,male,2102,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella Oscar to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can screw these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu15.wav +2104,22,5,"karachi, pakistan",urdu16,urdu,male,2152,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for kids. She can scoop these things into 3 red wax and we will go meet her Wednesday at the train station.",recordings/wav/urdu16.wav +2105,48,6,"sialkot, pakistan",urdu2,urdu,female,391,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 moons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bop. We also need a small plastic snack snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her van. Stay at the train station.",recordings/wav/urdu2.wav +2106,25,3,"karachi, sind, pakistan",urdu3,urdu,male,423,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu3.wav +2107,29,4,"kuwait city, kuwait",urdu4,urdu,male,854,kuwait,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store.,recordings/wav/urdu4.wav +2108,23,12,"karachi, pakistan",urdu5,urdu,male,953,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. Six months of fresh snow peas, 5 thick, slab blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu5.wav +2109,24,3,"bangalore, india",urdu6,urdu,female,1014,india,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things from her from the with her from the store, 6 spoons of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/urdu6.wav +2110,23,5,"islamabad, pakistan",urdu7,urdu,male,1061,pakistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet with her Wednesday at the train station.",recordings/wav/urdu7.wav +2111,21,5,"abu dhabi, united arab emirates",urdu8,urdu,female,1510,united arab emirates,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. She also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and.",recordings/wav/urdu8.wav +2112,20,5,"alexandria, virginia, usa",urdu9,urdu,female,1539,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/urdu9.wav +2113,46,45,"urumqi, xin jiang, china",uyghur1,uyghur,female,392,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons or fresh snow please. 5 ticket each teacher slopes of blue cheese and maybe a snack for her brother, but we also need a small plastic.",recordings/wav/uyghur1.wav +2114,34,32,"kashgar, china",uyghur2,uyghur,female,826,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please, please call Stellah ask her to bring these things with her from the storm. 66 pounds of fresh snow peas 5 sink.",recordings/wav/uyghur2.wav +2115,49,29,"urumqi, xin jiang, china",uyghur3,uyghur,female,1703,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls Starlog asked her to bring these things with her.,recordings/wav/uyghur3.wav +2116,39,39,"samarkand, uzbekistan",uzbek1,uzbek,female,393,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/uzbek1.wav +2117,35,28,"kabul, afghanistan",uzbek2,uzbek,female,394,afghanistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. Sex spoons are fresh snow peas. 5 take steps, slopes of blue cheese and maybe a snack for her brother. But we also need a small plastic snack and a big toy frog for for the kids. She can't scope these things into 3 red bags.",recordings/wav/uzbek2.wav +2118,40,8,"tashkent, uzbekistan",uzbek3,uzbek,male,646,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call fella asked for it to bring these things with her from this or 6 pounds of fresh snow peas. 5-6 LabCorp Blue cheese and maybe a snack for her brother. But we also need a small plastic snake and a big toy frog, but the kid he can scoop this thing. It is really red bags and we will go meet her when there is a train station.",recordings/wav/uzbek3.wav +2119,35,12,"tashkent, uzbekistan",uzbek4,uzbek,female,2126,uzbekistan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas. 5 take steps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/uzbek4.wav +2120,29,12,"can tho, vietnam",vietnamese1,vietnamese,male,395,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Taylor.,recordings/wav/vietnamese1.wav +2121,57,18,"quang nam, vietnam",vietnamese10,vietnamese,female,1192,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vietnamese10.wav +2122,67,15,"quang nam, vietnam",vietnamese11,vietnamese,male,1201,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store.,recordings/wav/vietnamese11.wav +2123,24,9,"can tho, vietnam",vietnamese12,vietnamese,female,1529,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons or fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/vietnamese12.wav +2124,23,6,"hanoi, vietnam",vietnamese13,vietnamese,male,1562,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store 6 bowls of fresh snow peas, five click slabs of blue cheese, and maybe a snack for brother Bob. We also need a small plastic snack and big toy frog for the kids. She can scoop these things into 3 red backs and we will go meet her Wednesday and train station.",recordings/wav/vietnamese13.wav +2125,51,20,"ho chi minh city, vietnam",vietnamese14,vietnamese,male,1698,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring those things with her from the store. 6 spoons of rest snowpeas fojtik slab.,recordings/wav/vietnamese14.wav +2126,29,15,"ho chi minh city, vietnam",vietnamese15,vietnamese,male,1809,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Free Godzilla Asher to bring these things with her from the store, she spoons are fresh no peace.",recordings/wav/vietnamese15.wav +2127,52,17,"long xuyen, vietnam",vietnamese16,vietnamese,male,1850,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vietnamese16.wav +2128,33,11,"ho chi minh city, vietnam",vietnamese17,vietnamese,female,1940,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh Snow peas 5 fix slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at this train station.,recordings/wav/vietnamese17.wav +2129,19,11,"saigon, vietnam",vietnamese18,vietnamese,female,2010,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese, and maybe a snap from her brother Bob.",recordings/wav/vietnamese18.wav +2130,18,4,"ho chi minh city, vietnam",vietnamese19,vietnamese,female,2013,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call stellar ask her to bring these things with her from the stores. 6 spoons of fresh snow pea 5 thick slab of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. Sick and scooped these things into 3 red bats.,recordings/wav/vietnamese19.wav +2131,29,25,"ho chi minh city, vietnam",vietnamese2,vietnamese,male,396,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Play Korn eastern standard.,recordings/wav/vietnamese2.wav +2132,46,25,"haiphong, vietnam",vietnamese20,vietnamese,female,2042,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the stores.,recordings/wav/vietnamese20.wav +2133,21,16,"hanoi, vietnam",vietnamese21,vietnamese,male,2099,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things to her from the store. 6 spoons of fresh Snow peas, 5 stakes laps up, blue cheese, and maybe a snack for her brother bought. We also need a small plastic snake and a big toy frog from the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/vietnamese21.wav +2134,23,8,"bien hoa, vietnam",vietnamese22,vietnamese,male,2151,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vietnamese22.wav +2135,28,9,"vinh long, vietnam",vietnamese3,vietnamese,female,397,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to print these things with her from store. See spoons of fresh snow peas, 5 thick slab.",recordings/wav/vietnamese3.wav +2136,25,15,"hanoi, vietnam",vietnamese4,vietnamese,female,398,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things with her from a Store 6 Buna fresh no beast. Firestick slab of blue cheese and maybe a snack for her brother but he also needs of small plastic snake and big toy frog for the kids. She can scoop the things into 3 red bags and will go meet her Wednesday at the train station.,recordings/wav/vietnamese4.wav +2137,34,31,"cam ranh, vietnam",vietnamese5,vietnamese,male,399,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Play Con Stella asked her to bring these things with her from the store she spoons of fresh snow peas fighting slap up blue cheese and maybe a stand for her brother, but we also need a small blood test snake and big toys for the kids.",recordings/wav/vietnamese5.wav +2138,41,12,"ho chi minh city, vietnam",vietnamese6,vietnamese,male,400,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Leak on Stella.,recordings/wav/vietnamese6.wav +2139,29,18,"hue, vietnam",vietnamese7,vietnamese,female,401,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please 'cause steel and ask her to bring these things with her from the store. 6 spoons are of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother bar. We also need a small plastic.",recordings/wav/vietnamese7.wav +2140,69,12,"ninh binh, vietnam",vietnamese8,vietnamese,male,447,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Precose Tyler. Ask her to bring these things with her from the store.,recordings/wav/vietnamese8.wav +2141,20,14,"ho chi minh city, vietnam",vietnamese9,vietnamese,male,1134,vietnam,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please constellar as hard to bring these things we heard from the store. 6 spoons of rational piece.,recordings/wav/vietnamese9.wav +2142,24,7,"tervuren, belgium",vlaams1,vlaams,male,819,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella Oscars to bring these things with her from the store.,recordings/wav/vlaams1.wav +2143,21,14,"turnhout, belgium",vlaams2,vlaams,female,1472,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/vlaams2.wav +2144,22,14,"herentals, belgium",vlaams3,vlaams,female,1478,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her rather Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/vlaams3.wav +2145,50,12,"ronse, belgium",vlaams4,vlaams,female,1638,belgium,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/vlaams4.wav +2146,21,12,"dakar, senegal",wolof1,wolof,male,402,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh snow peas.,recordings/wav/wolof1.wav +2147,37,11,"dakar, senegal",wolof2,wolof,male,403,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 poems of fresh snow peas. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will.,recordings/wav/wolof2.wav +2148,52,14,"khombole, senegal",wolof3,wolof,female,781,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 pounds of fresh snow peas, 5 thick slabs of blue cheese and maybe a snack of her brother. But we also need a small plastic snake and a big toy for for the kids.",recordings/wav/wolof3.wav +2149,56,12,"dagana, senegal",wolof4,wolof,female,782,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/wolof4.wav +2150,30,13,"saint louis, senegal",wolof5,wolof,female,783,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Estella. Ask her too crazy things with her from the star. 6 spoon of French snow peas. Five things slap of blue cheese and maybe a snack for her brother back.,recordings/wav/wolof5.wav +2151,25,13,"dakar, senegal",wolof6,wolof,male,1787,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese.",recordings/wav/wolof6.wav +2152,30,12,"taizhou, zhejiang, china",wu1,wu,female,1646,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her with her. From this door, 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and the big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/wu1.wav +2153,35,15,"tambacounda, senegal",xasonga1,xasonga,female,785,senegal,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella asked her to bring these things.,recordings/wav/xasonga1.wav +2154,50,14,"taipei, taiwan",xiang1,xiang,female,208,taiwan,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/xiang1.wav +2155,30,12,"changsha, hunan, china",xiang2,xiang,male,1417,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/xiang2.wav +2156,36,13,"changsha, hunan, china",xiang3,xiang,male,1522,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Police calls Dana asked her to bring these things with her from the store.,recordings/wav/xiang3.wav +2157,23,10,"zhuzhou, hunan, china",xiang4,xiang,female,2163,china,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Police caught Stella ask her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 laps of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack for and a big toy frog for the kids.",recordings/wav/xiang4.wav +2158,19,13,"yakutsk, russia",yakut1,yakut,female,1252,russia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring the things with her from the store. 6 pounds of fresh, no peace 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop his things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yakut1.wav +2159,34,14,"yap island, federated states of micronesia",yapese1,yapese,female,433,federated states of micronesia,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the store. 6 points of Fresno piece. 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.,recordings/wav/yapese1.wav +2160,60,8,"st. etienne, france",yiddish1,yiddish,male,404,france,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons of fresh snow peas, 5-6 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yiddish1.wav +2161,78,6,"winnipeg, manitoba, canada",yiddish2,yiddish,female,405,canada,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of first Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake in a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yiddish2.wav +2162,52,5,"brooklyn, new york, usa",yiddish3,yiddish,male,1161,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go.",recordings/wav/yiddish3.wav +2163,89,20,"vienna, austria",yiddish4,yiddish,female,1164,austria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the stock. 6 pounds of fresh snow peas, 5-6 thick slabs of blue cheese and maybe a snack of her brother Bob. A snack for her body.",recordings/wav/yiddish4.wav +2164,86,26,"vilnius, lithuania",yiddish5,yiddish,female,1170,lithuania,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked to bring these things with help from the store. 6 pounds of fresh snow peas, 5-6 laps of blue cheese, maybe a snack for her brother Bob.",recordings/wav/yiddish5.wav +2165,20,20,"cotonou, benin",yoruba1,yoruba,male,414,benin,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from restore six born or fresh snow beast. 5 fix slopes of blue cheese and maybe.,recordings/wav/yoruba1.wav +2166,40,2,"ibadan, oyo, nigeria",yoruba2,yoruba,female,756,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella. Ask her to bring these things with her from the store. 6 spoons of fresh Snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob.",recordings/wav/yoruba2.wav +2167,46,5,"lagos, nigeria",yoruba3,yoruba,female,766,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/yoruba3.wav +2168,46,12,"lagos, nigeria",yoruba4,yoruba,male,851,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella and ask her to bring these things without without from this stone 6 pounds of fresh snow appears. 5 fixed labs of blue cheese and maybe a snack for a product bug. We also need a small plastic.,recordings/wav/yoruba4.wav +2169,47,2,"ibadan, nigeria",yoruba5,yoruba,female,2023,nigeria,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella.,recordings/wav/yoruba5.wav +2170,31,1,"bethel, alaska, usa",yupik1,yupik,female,571,usa,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +","Please call Stella asked her to bring these things with her from the store. 6 spoons are fresh snow peas, 5 thick slabs of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into 3 red bags and we will go meet her Wednesday at the train station.",recordings/wav/yupik1.wav +2171,24,14,"bulawayo, zimbabwe",zulu1,zulu,female,406,zimbabwe,FALSE,"Please call Stella. Ask her to bring these things with her from the store: Six spoons of fresh snow peas, five thick slabs of blue cheese, and maybe a snack for her brother Bob. We also need a small plastic snake and a big toy frog for the kids. She can scoop these things into three red bags, and we will go meet her Wednesday at the train station. +",Please call Stella. Ask her to bring these things with her from the storm. 6 spoons of fresh snow peas. Five tech slips of blue cheese and maybe a snack for her brother Bob. We also need a small plastic snack and a big toy frog for the kids. She can scoop these things into thrill red bags and we will will go meet her Wednesday at the train station.,recordings/wav/zulu1.wav From 6b58f84ec3ea00bc68868d495380d8e786353a35 Mon Sep 17 00:00:00 2001 From: Roman Lutz Date: Thu, 10 Feb 2022 23:08:03 -0500 Subject: [PATCH 8/8] flake8, isort --- erroranalysis/erroranalysis/analyzer/error_analyzer.py | 1 + 1 file changed, 1 insertion(+) diff --git a/erroranalysis/erroranalysis/analyzer/error_analyzer.py b/erroranalysis/erroranalysis/analyzer/error_analyzer.py index 0b63921629..2a9afaf723 100644 --- a/erroranalysis/erroranalysis/analyzer/error_analyzer.py +++ b/erroranalysis/erroranalysis/analyzer/error_analyzer.py @@ -4,6 +4,7 @@ """Defines the BaseAnalyzer, the ModelAnalyzer and PredictionsAnalyzer.""" from abc import ABC, abstractmethod +from typing import List, Optional import numpy as np import pandas as pd